diff --git a/src/FlotationAnalytics/README.md b/src/FlotationAnalytics/README.md new file mode 100644 index 0000000..a6bea15 --- /dev/null +++ b/src/FlotationAnalytics/README.md @@ -0,0 +1,92 @@ +Данная работа представляет автоматизацию анализа флотации. Вы можете загрузить видеозапись, выбрать интересующий трекер и на выходе будет детальный анализ трекинга пузырей. +===================== + +Выполните следующий код в терминале, чтобы создать и перейти в виртуальное окружение: + +`python3 -m venv .venv` + +`source ./.venv/bin/activate` + +Установите все необходимые зависимости: + +`pip install -r requirements.txt` + +В моем коде используются вызовы следующих моделей: **DeepSORT** и **CounTR**. Их сначала необходимо склонировать себе в проект: + +DeepSORT: `git clone https://github.com/nwojke/deep_sort.git` + +CounTR: `git clone https://github.com/Verg-Avesta/CounTR.git` + +Также в репозитории CounTR нужно внести некоторые изменения, чтобы корректно запустить проект: +- в файле **CounTR/util/misc.py**: + + закомментировать строчку`from torch._six import inf` и прописать `inf = float('inf')` + +- в файле **CounTR/util/pos_embed.py**: + + `omega = np.arange(embed_dim // 2, dtype=np.float)` на `omega = np.arange(embed_dim // 2, dtype=float)` + +В файле **CounTR/models_mae_cross.py** нужно написать правильный путь, а именно добавить название папки + +`from CounTR.models_crossvit import CrossAttentionBlock` + +`from CounTR.util.pos_embed import get_2d_sincos_pos_embed` + + +Скачайте веса и добавьте в папку **model**: + +https://drive.google.com/file/d/1CzYyiYqLshMdqJ9ZPFJyIzXBa7uFUIYZ/view?usp=sharing + +В данной работе используются следующие существующие методы трекинга: +- SORT +- DeepSORT +- Bot-SORT +- ByteTrack + +Для детекции объектов ограничивающими рамками: +- YOLOv11 + +Для детекции центров объектов: +- CounTR +- PseCO + +### Запуск основного сервиса: + +`PYTHONPATH=абсолютный_путь_до_проекта HYDRA_FULL_ERROR=1 python app/main.py tracker=botsort output_dir="resuts_end"`, + +где tracker - выбор трекера, output_dir - папка для сохранения результатов + +### Запуск тестов: + +`PYTHONPATH=абсолютный_путь_до_проекта pytest tests/test_metrics.py -v` + +Также представлены скрипты, которые не связаны с сервисом, но позволяют провести анализ. +----------------------------------- + +**Конвертация из YOLO формата в CVAT аннотацию:** `fromYOLOtoCVAT.py` + +**Подсчет контролируемых метрик: MOTP и MOTA.** А также визуализация сопоставлений истинных ограничивающих рамок с предсказанными лежит в `metrics.py` + +В коде используются `cvat_annotations.xml` и `output_botsort`. + +`cvat_annotations.xml` - разметка в формате CVAT + +`output_botsort` - разметка в расширенном формате YOLO + +Код, который по сегментации делает разметку, представлен в `fromMaskToYolo.py`. + +Запустить код можно с помощью команды: + +`!python fromMaskToYolo.py --image_folder '/path/to/images' --mask_folder '/path/to/masks' --output_folder '/path/to/output' --class_id 0`, где + +- **image_folder** - путь к папке с изображениями, + +- **mask_folder** - путь к папке с масками, + +- **output_folder** - путь для сохранения YOLO разметки + +### Проведенное исследование + +Для оценки качества работы разных методов использовался Google Colab. Код из него был экспортирован в формате `.py` и находится в папке **research**. + +Он включает в себя обучение детектора, запуск моделей, замер FPS, подсчет среднего перемещения и других метрик. Также в нем реализована визуализация трекинга. diff --git a/src/FlotationAnalytics/app/classes/__init__.py b/src/FlotationAnalytics/app/classes/__init__.py new file mode 100644 index 0000000..87b5c42 --- /dev/null +++ b/src/FlotationAnalytics/app/classes/__init__.py @@ -0,0 +1,4 @@ +from .deepSortTracker import DeepSortTracker +from .trackingQualityAnalyzer import TrackingQualityAnalyzer +from .objectTracker import ObjectTracker +from .videoTracker import VideoTracker \ No newline at end of file diff --git a/src/FlotationAnalytics/app/classes/deepSortTracker.py b/src/FlotationAnalytics/app/classes/deepSortTracker.py new file mode 100644 index 0000000..aa22995 --- /dev/null +++ b/src/FlotationAnalytics/app/classes/deepSortTracker.py @@ -0,0 +1,54 @@ +from deep_sort.application_util import preprocessing +from deep_sort.deep_sort import nn_matching +from deep_sort.deep_sort.detection import Detection +from deep_sort.deep_sort.tracker import Tracker +import numpy as np + + +class DeepSortTracker: + def __init__( + self, + img_size, + nms_max_overlap=0.6, + max_cosine_distance=0.5, + nn_budget=None, + max_age=30, + min_hits=3, + iou_threshold=0.3, + ): + self.img_size = img_size + self.nms_max_overlap = nms_max_overlap + self.iou_threshold = iou_threshold + metric = nn_matching.NearestNeighborDistanceMetric( + "cosine", max_cosine_distance, nn_budget + ) + self.tracker = Tracker(metric, max_age=max_age, n_init=min_hits) + + def prepare_detections(self, yolo_detections): + detections = [] + for det in yolo_detections: + x1, y1, x2, y2, conf, _ = det + bbox = (x1, y1, x2 - x1, y2 - y1) # Конвертация в формат (x,y,w,h) + feature = [] + detections.append(Detection(bbox, conf, feature)) + return detections + + def update(self, yolo_detections): + detections = self.prepare_detections(yolo_detections) + boxes = np.array([d.tlwh for d in detections]) + scores = np.array([d.confidence for d in detections]) + indices = preprocessing.non_max_suppression(boxes, self.nms_max_overlap, scores) + detections = [detections[i] for i in indices] + + self.tracker.predict() + self.tracker.update(detections) + + results = [] + for track in self.tracker.tracks: + print("track", track, track.is_confirmed(), track.time_since_update) + if not track.is_confirmed() or track.time_since_update > 1: + continue + bbox = track.to_tlwh() + results.append([track.track_id, bbox[0], bbox[1], bbox[2], bbox[3]]) + + return results diff --git a/src/FlotationAnalytics/app/classes/objectTracker.py b/src/FlotationAnalytics/app/classes/objectTracker.py new file mode 100644 index 0000000..d70b7c9 --- /dev/null +++ b/src/FlotationAnalytics/app/classes/objectTracker.py @@ -0,0 +1,157 @@ +import numpy as np +from .trackingQualityAnalyzer import TrackingQualityAnalyzer +from .utils import get_center + +MAX_DISAPPEARED = 3 +MAX_POSITIONS_HISTORY = 5 +IOU_DIST_WEIGHTS = (0.4, 0.6) +MIN_OBJECT_SIZE = 5 +MIN_DISTANCE = 15 +MAX_COST_THRESHOLD = 0.6 +BORDER_DISAPPEAR_MULTIPLIER = 2 + + +class ObjectTracker: + def __init__(self, max_disappeared=1, frame_size=(1920, 1080)): + self.next_id = 1 + self.objects = {} + self.max_disappeared = max_disappeared + self.frame_width, self.frame_height = frame_size + self.metrics = TrackingQualityAnalyzer() + + def update(self, detections, current_frame=None): + for obj_id in self.objects: + if len(self.objects[obj_id]["positions"]) > 1: + last_pos = self.objects[obj_id]["positions"][-1] + prev_pos = self.objects[obj_id]["positions"][-2] + velocity = last_pos - prev_pos + predicted_pos = last_pos + velocity + self.objects[obj_id]["predicted_pos"] = predicted_pos + else: + self.objects[obj_id]["predicted_pos"] = get_center( + self.objects[obj_id]["bbox"] + ) + + for obj_id in list(self.objects.keys()): + bbox = self.objects[obj_id]["bbox"] + if ( + bbox[0] <= 5 + or bbox[1] <= 5 + or bbox[2] >= self.frame_width - 5 + or bbox[3] >= self.frame_height - 5 + ): + self.objects[obj_id]["disappeared"] += BORDER_DISAPPEAR_MULTIPLIER + else: + self.objects[obj_id]["disappeared"] += 1 + + if self.objects[obj_id]["disappeared"] > self.max_disappeared: + del self.objects[obj_id] + + if len(detections) == 0: + return self._prepare_output(current_frame) + + if len(self.objects) == 0: + for det in detections: + det_center = get_center(det) + self.objects[self.next_id] = { + "bbox": det, + "disappeared": 0, + "positions": [det_center], + "predicted_pos": det_center, + } + self.next_id += 1 + return self._prepare_output(current_frame) + + obj_ids = list(self.objects.keys()) + obj_bboxes = [self.objects[obj_id]["bbox"] for obj_id in obj_ids] + + cost_matrix = np.zeros((len(obj_bboxes), len(detections))) + for i, obj_bbox in enumerate(obj_bboxes): + obj_predicted = self.objects[obj_ids[i]]["predicted_pos"] + for j, det_bbox in enumerate(detections): + det_center = get_center(det_bbox) + iou_score = 1 - self.calculate_iou(obj_bbox, det_bbox) + dist_score = np.linalg.norm(obj_predicted - det_center) / 100 + cost_matrix[i, j] = ( + IOU_DIST_WEIGHTS[0] * iou_score + IOU_DIST_WEIGHTS[1] * dist_score + ) + + matched_obj_indices = set() + matched_det_indices = set() + + while True: + min_cost = np.min(cost_matrix) + if min_cost > MAX_COST_THRESHOLD: + break + + i, j = np.unravel_index(np.argmin(cost_matrix), cost_matrix.shape) + obj_id = obj_ids[i] + + self.objects[obj_id]["bbox"] = detections[j] + self.objects[obj_id]["disappeared"] = 0 + det_center = get_center(detections[j]) + self.objects[obj_id]["positions"].append(det_center) + if len(self.objects[obj_id]["positions"]) > MAX_POSITIONS_HISTORY: + self.objects[obj_id]["positions"].pop(0) + + matched_obj_indices.add(i) + matched_det_indices.add(j) + + cost_matrix[i, :] = float("inf") + cost_matrix[:, j] = float("inf") + + for j in set(range(len(detections))) - matched_det_indices: + det = detections[j] + det_center = get_center(det) + + width = det[2] - det[0] + height = det[3] - det[1] + if width < MIN_OBJECT_SIZE or height < MIN_OBJECT_SIZE: + continue + + too_close = False + for obj_id in self.objects: + obj_center = get_center(self.objects[obj_id]["bbox"]) + distance = np.linalg.norm(obj_center - det_center) + if distance < MIN_DISTANCE: + too_close = True + break + + if not too_close: + self.objects[self.next_id] = { + "bbox": det, + "disappeared": 0, + "positions": [det_center], + "predicted_pos": det_center, + } + self.next_id += 1 + + return self._prepare_output(current_frame) + + @staticmethod + def calculate_iou(bbox1, bbox2): + x1 = max(bbox1[0], bbox2[0]) + y1 = max(bbox1[1], bbox2[1]) + x2 = min(bbox1[2], bbox2[2]) + y2 = min(bbox1[3], bbox2[3]) + + inter_area = max(0, x2 - x1) * max(0, y2 - y1) + if inter_area == 0: + return 0.0 + + bbox1_area = (bbox1[2] - bbox1[0]) * (bbox1[3] - bbox1[1]) + bbox2_area = (bbox2[2] - bbox2[0]) * (bbox2[3] - bbox2[1]) + + return inter_area / float(bbox1_area + bbox2_area - inter_area) + + def _prepare_output(self, current_frame): + current_tracks = [ + [obj_id, obj["bbox"][0], obj["bbox"][1], obj["bbox"][2], obj["bbox"][3]] + for obj_id, obj in self.objects.items() + ] + + if current_frame is not None: + self.metrics.update_metrics( + len(self.metrics.metrics["frame"]), current_tracks, current_frame + ) + return {obj_id: obj["bbox"] for obj_id, obj in self.objects.items()} diff --git a/src/FlotationAnalytics/app/classes/trackingQualityAnalyzer.py b/src/FlotationAnalytics/app/classes/trackingQualityAnalyzer.py new file mode 100644 index 0000000..15b74ae --- /dev/null +++ b/src/FlotationAnalytics/app/classes/trackingQualityAnalyzer.py @@ -0,0 +1,238 @@ +import cv2 +import numpy as np +from scipy.special import expit +import matplotlib.pyplot as plt +import streamlit as st + + +class TrackingQualityAnalyzer: + def __init__(self): + self.metrics = { + "frame": [], + "displacement": [], + "coverage": [], + "optical_flow": [], + "temporal_consistency": [], + "track_lengths": {}, + "active_tracks": [], + } + self.prev_tracks = {} + self.prev_frame = None + + def update_metrics(self, frame_num, current_tracks, current_frame): + current_dict = {} + for track in current_tracks: + if len(track) >= 5: + track_id = track[0] + bbox = track[1:5] + current_dict[track_id] = bbox + + for track_id in current_dict: + self.metrics["track_lengths"][track_id] = ( + self.metrics["track_lengths"].get(track_id, 0) + 1 + ) + + if not self.prev_tracks: + self.prev_tracks = current_dict + self.prev_frame = current_frame.copy() + return + + matched = 0 + total_displacement = 0 + total_iou = 0 + total_flow = 0 + + if self.prev_frame is not None: + prev_gray = cv2.cvtColor(self.prev_frame, cv2.COLOR_BGR2GRAY) + curr_gray = cv2.cvtColor(current_frame, cv2.COLOR_BGR2GRAY) + flow = cv2.calcOpticalFlowFarneback( + prev_gray, curr_gray, None, 0.5, 3, 15, 3, 5, 1.2, 0 + ) + + for track_id, current_bbox in current_dict.items(): + if track_id in self.prev_tracks: + matched += 1 + prev_bbox = self.prev_tracks[track_id] + + # Среднее смещение + dx = current_bbox[0] - prev_bbox[0] + dy = current_bbox[1] - prev_bbox[1] + displacement = np.sqrt(dx**2 + dy**2) + total_displacement += displacement + + # IoU для темпоральной согласованности + iou = self.calculate_iou(prev_bbox, current_bbox) + total_iou += iou + + # Анализ оптического потока в области объекта + if self.prev_frame is not None: + x, y, w, h = map(int, prev_bbox) + x, y = max(0, x), max(0, y) + w, h = min(w, current_frame.shape[1] - x), min( + h, current_frame.shape[0] - y + ) + if w > 0 and h > 0: + obj_flow = flow[y : y + h, x : x + w] + if obj_flow.size > 0: + magnitude = np.sqrt( + obj_flow[..., 0] ** 2 + obj_flow[..., 1] ** 2 + ) + total_flow += np.mean(magnitude) + + # Полнота обнаружения + coverage = matched / len(self.prev_tracks) if len(self.prev_tracks) > 0 else 0 + + self.metrics["frame"].append(frame_num) + self.metrics["displacement"].append( + total_displacement / matched if matched > 0 else 0 + ) + self.metrics["coverage"].append(coverage) + self.metrics["temporal_consistency"].append( + total_iou / matched if matched > 0 else 0 + ) + self.metrics["optical_flow"].append(total_flow / matched if matched > 0 else 0) + self.metrics["active_tracks"].append(len(current_dict)) + + self.prev_tracks = current_dict + self.prev_frame = current_frame.copy() + + @staticmethod + def calculate_iou(box1, box2): + x1, y1, w1, h1 = box1 + x2, y2, w2, h2 = box2 + + xi1 = max(x1, x2) + yi1 = max(y1, y2) + xi2 = min(x1 + w1, x2 + w2) + yi2 = min(y1 + h1, y2 + h2) + + inter_area = max(xi2 - xi1, 0) * max(yi2 - yi1, 0) + box1_area = w1 * h1 + box2_area = w2 * h2 + union_area = box1_area + box2_area - inter_area + + return inter_area / union_area if union_area > 0 else 0 + + def get_final_metrics(self): + if not self.metrics["frame"]: + return {} + + avg_metrics = { + "avg_displacement": np.mean(self.metrics["displacement"]), + "avg_coverage": np.mean(self.metrics["coverage"]), + "avg_temporal_consistency": np.mean(self.metrics["temporal_consistency"]), + "avg_optical_flow": np.mean(self.metrics["optical_flow"]), + "track_length_mean": ( + np.mean(list(self.metrics["track_lengths"].values())) + if self.metrics["track_lengths"] + else 0 + ), + "track_length_median": ( + np.median(list(self.metrics["track_lengths"].values())) + if self.metrics["track_lengths"] + else 0 + ), + "max_active_tracks": ( + max(self.metrics["active_tracks"]) + if self.metrics["active_tracks"] + else 0 + ), + } + return avg_metrics + + def get_tracking_score(self, weights=None, normalize=True, reference_score=22.5190): + final_metrics = self.get_final_metrics() + print("New metrics keys:", final_metrics.keys()) + if not final_metrics: + print("Предупреждение: нет метрик для расчета score!") + return 0.0 + print(final_metrics) + default_weights = { + "avg_displacement": -0.2, + "avg_coverage": 0.35, + "avg_temporal_consistency": 0.25, + "avg_optical_flow": -0.1, + "track_length_mean": 0.2, + "max_active_tracks": 0.1, + } + + weights = weights if weights is not None else default_weights + + missing_metrics = [k for k in weights if k not in final_metrics] + + if missing_metrics: + print( + f"Предупреждение: отсутствуют метрики {missing_metrics}, они не учитываются в score" + ) + + raw_score = 0.0 + for key, weight in weights.items(): + if key in final_metrics: + raw_score += float(final_metrics[key]) * weight + + if normalize: + if reference_score <= 0: + print("Ошибка: reference_score должен быть положительным!") + return 0.0 + + normalized_score = (raw_score / reference_score) - 1 + + return (expit(normalized_score)) * 2 + else: + return raw_score + + def generate_metrics_plots(self, save_path=None): + if not self.metrics["frame"]: + return None + + plt.figure(figsize=(16, 12)) + + plt.subplot(3, 2, 1) + plt.plot(self.metrics["frame"], self.metrics["displacement"], color="blue") + plt.title("Динамика смещения объектов") + plt.grid(True) + + plt.subplot(3, 2, 2) + plt.plot(self.metrics["frame"], self.metrics["coverage"], color="green") + plt.title("Полнота трекинга") + plt.grid(True) + + plt.subplot(3, 2, 3) + plt.plot(self.metrics["frame"], self.metrics["displacement"]) + plt.plot(self.metrics["frame"], self.metrics["coverage"]) + plt.title("Качество трекинга") + plt.grid(True) + + plt.subplot(3, 2, 4) + plt.plot( + self.metrics["frame"], self.metrics["temporal_consistency"], color="red" + ) + plt.title("Темпоральная согласованность") + plt.grid(True) + + plt.subplot(3, 2, 5) + plt.plot(self.metrics["frame"], self.metrics["optical_flow"], color="purple") + plt.title("Оптический поток объектов") + plt.grid(True) + + plt.subplot(3, 2, 6) + plt.plot(self.metrics["frame"], self.metrics["active_tracks"], color="green") + plt.title("Активные треки") + plt.grid(True) + + plt.tight_layout() + + if save_path: + plt.savefig(save_path) + + return plt.gcf() + + def plot_metrics(self, save_path=None): + fig = self.generate_metrics_plots(save_path) + if fig is None: + st.warning("Нет данных для построения графиков!") + return + + st.subheader("Графики метрик") + st.pyplot(fig) + plt.close(fig) diff --git a/src/FlotationAnalytics/app/classes/utils.py b/src/FlotationAnalytics/app/classes/utils.py new file mode 100644 index 0000000..62b663a --- /dev/null +++ b/src/FlotationAnalytics/app/classes/utils.py @@ -0,0 +1,5 @@ +import numpy as np + + +def get_center(bbox): + return np.array([(bbox[0] + bbox[2]) / 2, (bbox[1] + bbox[3]) / 2]) diff --git a/src/FlotationAnalytics/app/classes/videoTracker.py b/src/FlotationAnalytics/app/classes/videoTracker.py new file mode 100644 index 0000000..6279f26 --- /dev/null +++ b/src/FlotationAnalytics/app/classes/videoTracker.py @@ -0,0 +1,270 @@ +import streamlit as st +import cv2 +import numpy as np +from ultralytics import YOLO +import time +import torch +from CounTR import models_mae_cross +from PIL import Image +from torchvision import transforms +from .deepSortTracker import DeepSortTracker +from .trackingQualityAnalyzer import TrackingQualityAnalyzer +from .objectTracker import ObjectTracker + +MAX_DISAPPEARED = 3 +NMS_RADIUS = 12 +DENSITY_THRESHOLD = 0.05 +SHOT_NUM = 0 +MODEL_SIZE = 384 +BBOX_SIZE = 10 + + +class VideoTracker: + def __init__(self, model_path, tracker_type): + self.tracker_type = tracker_type + + if tracker_type == "Мой трекер + CounTR": + self.model = models_mae_cross.__dict__["mae_vit_base_patch16"]( + norm_pix_loss="store_true" + ) + checkpoint = torch.load(model_path, map_location="cpu", weights_only=False) + self.model.load_state_dict(checkpoint["model"], strict=False) + self.custom_tracker = ObjectTracker(max_disappeared=MAX_DISAPPEARED) + self.is_yolo_model = False + else: + self.model = YOLO(model_path) + self.is_yolo_model = True + + self.quality_analyzer = TrackingQualityAnalyzer() + self.processed_frames = [] + + if tracker_type == "DeepSORT + YOLOv11s": + self.deep_sort_tracker = DeepSortTracker(img_size=(640, 480)) + + def _parse_tracks(self, results): + tracks = [] + if self.tracker_type == "DeepSORT + YOLOv11s": + if results[0].boxes.data is not None: + detections = results[0].boxes.data.cpu().numpy() + track_results = self.deep_sort_tracker.update(detections) + tracks = [[int(t[0]), t[1], t[2], t[3], t[4]] for t in track_results] + elif self.tracker_type == "Мой трекер + CounTR": + if isinstance(results, dict): + tracks = [] + for obj_id, obj_data in results.items(): + bbox = obj_data["bbox"] + if isinstance(bbox, (list, tuple, np.ndarray)) and len(bbox) >= 4: + tracks.append([obj_id, bbox[0], bbox[1], bbox[2], bbox[3]]) + return tracks + else: + if hasattr(results[0], "boxes") and results[0].boxes.id is not None: + boxes = results[0].boxes.xyxy.cpu().numpy() + ids = results[0].boxes.id.cpu().numpy().astype(int) + tracks = [ + [ + ids[i], + boxes[i][0], + boxes[i][1], + boxes[i][2] - boxes[i][0], + boxes[i][3] - boxes[i][1], + ] + for i in range(len(boxes)) + ] + return tracks + + def _draw_detections(self, frame, tracks): + for track in tracks: + track_id, x, y, w, h = track + x1, y1, x2, y2 = int(x), int(y), int(x + w), int(y + h) + cv2.rectangle(frame, (x1, y1), (x2, y2), (0, 255, 0), 2) + cv2.putText( + frame, + str(track_id), + (x1, y1 - 5), + cv2.FONT_HERSHEY_SIMPLEX, + 0.5, + (0, 255, 255), + 1, + ) + return frame + + def non_max_suppression(self, points, scores, radius=NMS_RADIUS): + sorted_indices = np.argsort(scores)[::-1] + keep = [] + + while sorted_indices.size > 0: + i = sorted_indices[0] + keep.append(i) + + dists = np.sqrt( + (points[i, 0] - points[sorted_indices[1:], 0]) ** 2 + + (points[i, 1] - points[sorted_indices[1:], 1]) ** 2 + ) + + to_remove = np.where(dists < radius)[0] + 1 + sorted_indices = np.delete(sorted_indices, [0] + list(to_remove)) + + return points[keep] + + def process_frame(self, frame, model, old_w, old_h, tracker=None): + if tracker is None: + tracker = ObjectTracker(max_disappeared=MAX_DISAPPEARED) + + frame_rgb = cv2.cvtColor(frame, cv2.COLOR_BGR2RGB) + pil_img = Image.fromarray(frame_rgb) + + w, h = pil_img.size + ratio = min(MODEL_SIZE / w, MODEL_SIZE / h) + new_w, new_h = int(w * ratio), int(h * ratio) + pil_img = pil_img.resize((new_w, new_h), Image.BILINEAR) + + padded_img = Image.new("RGB", (MODEL_SIZE, MODEL_SIZE), (0, 0, 0)) + pad_x = (MODEL_SIZE - new_w) // 2 + pad_y = (MODEL_SIZE - new_h) // 2 + padded_img.paste(pil_img, (pad_x, pad_y)) + + transform = transforms.Compose([transforms.ToTensor()]) + img_tensor = transform(padded_img).unsqueeze(0) + boxes = torch.zeros(1, 0, 4) + + with torch.no_grad(): + density_map = model(img_tensor, boxes, SHOT_NUM)[0].squeeze(0).cpu().numpy() + + y, x = np.where(density_map > DENSITY_THRESHOLD * density_map.max()) + scores = density_map[y, x] + points = np.column_stack((x, y)) + + filtered_points = ( + self.non_max_suppression(points, scores) if len(points) > 0 else [] + ) + + current_detections = [] + for x, y in filtered_points: + orig_x = int((x - pad_x) * old_w / new_w) + orig_y = int((y - pad_y) * old_h / new_h) + + x1 = max(0, orig_x - BBOX_SIZE) + y1 = max(0, orig_y - BBOX_SIZE) + x2 = min(old_w - 1, orig_x + BBOX_SIZE) + y2 = min(old_h - 1, orig_y + BBOX_SIZE) + current_detections.append((x1, y1, x2, y2)) + + tracked_objects = tracker.update(current_detections, frame) + + for obj_id, bbox in tracked_objects.items(): + x1, y1, x2, y2 = bbox + cv2.rectangle(frame, (x1, y1), (x2, y2), (0, 255, 0), 2) + cv2.putText( + frame, + str(obj_id), + (x1, y1 - 5), + cv2.FONT_HERSHEY_SIMPLEX, + 0.5, + (0, 255, 255), + 1, + ) + + cv2.putText( + frame, + f"Total: {len(tracked_objects)}", + (10, 30), + cv2.FONT_HERSHEY_SIMPLEX, + 0.7, + (0, 0, 255), + 2, + ) + + return frame, len(tracked_objects), tracker + + def process_video(self, video_path): + cap = cv2.VideoCapture(video_path) + self.processed_frames = [] + + if self.tracker_type == "DeepSORT + YOLOv11s": + frame_width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)) + frame_height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) + self.deep_sort_tracker = DeepSortTracker( + img_size=(frame_width, frame_height) + ) + + progress_bar = st.progress(0) + total_frames = int(cap.get(cv2.CAP_PROP_FRAME_COUNT)) + frame_num = 0 + start_time = time.time() + + while cap.isOpened(): + ret, frame = cap.read() + if not ret: + break + + if self.tracker_type == "Мой трекер + CounTR": + processed_frame, count, tracker = self.process_frame( + frame, + self.model, + frame.shape[1], + frame.shape[0], + self.custom_tracker, + ) + current_tracks = self._parse_tracks(tracker.objects) + frame_with_detections = processed_frame + + self.quality_analyzer.update_metrics(frame_num, current_tracks, frame) + else: + if self.tracker_type == "DeepSORT + YOLOv11s": + results = self.model(frame, conf=0.3, iou=0.5, max_det=400) + current_tracks = self._parse_tracks(results) + else: + results = self.model.track( + frame, + tracker=self.tracker_type.lower().replace( + " + yolov11s", ".yaml" + ), + persist=True, + conf=0.3, + iou=0.5, + max_det=400, + ) + current_tracks = self._parse_tracks(results) + + frame_with_detections = self._draw_detections( + frame.copy(), current_tracks + ) + self.quality_analyzer.update_metrics(frame_num, current_tracks, frame) + + self.processed_frames.append( + { + "frame": frame_with_detections, + "tracks": current_tracks, + "bubbles_count": len(current_tracks), + } + ) + + progress_bar.progress(cap.get(cv2.CAP_PROP_POS_FRAMES) / total_frames) + frame_num += 1 + + processing_time = time.time() - start_time + cap.release() + + metrics = self.quality_analyzer.get_final_metrics() + metrics["final_score"] = self.quality_analyzer.get_tracking_score() + + metrics.update( + { + "bubbles_per_frame": [ + f["bubbles_count"] for f in self.processed_frames + ], + "max_active_tracks_history": self.quality_analyzer.metrics[ + "active_tracks" + ], + "track_lengths": self.quality_analyzer.metrics["track_lengths"], + "displacement": self.quality_analyzer.metrics["displacement"], + "coverage": self.quality_analyzer.metrics["coverage"], + "temporal_consistency": self.quality_analyzer.metrics[ + "temporal_consistency" + ], + "optical_flow": self.quality_analyzer.metrics["optical_flow"], + "processing_time": processing_time, + } + ) + + return metrics diff --git a/src/FlotationAnalytics/app/conf/config.yaml b/src/FlotationAnalytics/app/conf/config.yaml new file mode 100644 index 0000000..0db1aed --- /dev/null +++ b/src/FlotationAnalytics/app/conf/config.yaml @@ -0,0 +1,8 @@ +defaults: + - _self_ + - tracker: bytetrack + +video_path: "video/video1.mp4" +output_dir: "output_results" +save_frames: true +num_sample_frames: 5 \ No newline at end of file diff --git a/src/FlotationAnalytics/app/conf/tracker/botsort.yaml b/src/FlotationAnalytics/app/conf/tracker/botsort.yaml new file mode 100644 index 0000000..d76148e --- /dev/null +++ b/src/FlotationAnalytics/app/conf/tracker/botsort.yaml @@ -0,0 +1,2 @@ +name: "BoT-SORT + YOLOv11s" +config_file: "bot-sort.yaml" diff --git a/src/FlotationAnalytics/app/conf/tracker/bytetrack.yaml b/src/FlotationAnalytics/app/conf/tracker/bytetrack.yaml new file mode 100644 index 0000000..00b279b --- /dev/null +++ b/src/FlotationAnalytics/app/conf/tracker/bytetrack.yaml @@ -0,0 +1,2 @@ +name: "ByteTrack + YOLOv11s" +config_file: "bytetrack.yaml" diff --git a/src/FlotationAnalytics/app/conf/tracker/deepsort.yaml b/src/FlotationAnalytics/app/conf/tracker/deepsort.yaml new file mode 100644 index 0000000..71a6480 --- /dev/null +++ b/src/FlotationAnalytics/app/conf/tracker/deepsort.yaml @@ -0,0 +1,2 @@ +name: "DeepSORT + YOLOv11s" +config_file: none diff --git a/src/FlotationAnalytics/app/conf/tracker/my_tracker_and_CounTR.yaml b/src/FlotationAnalytics/app/conf/tracker/my_tracker_and_CounTR.yaml new file mode 100644 index 0000000..28ff73a --- /dev/null +++ b/src/FlotationAnalytics/app/conf/tracker/my_tracker_and_CounTR.yaml @@ -0,0 +1,2 @@ +name: "Мой трекер + CounTR" +config_file: none \ No newline at end of file diff --git a/src/FlotationAnalytics/app/main.py b/src/FlotationAnalytics/app/main.py new file mode 100644 index 0000000..805261a --- /dev/null +++ b/src/FlotationAnalytics/app/main.py @@ -0,0 +1,177 @@ +from dataclasses import dataclass +from classes import VideoTracker +import os +import numpy as np +import matplotlib.pyplot as plt +from omegaconf import DictConfig +import hydra +from hydra.core.config_store import ConfigStore +import torch +from CounTR import models_mae_cross + + +@dataclass +class TrackerConfig: + name: str + config_file: str + + +@dataclass +class FlotationAnalysisConfig: + video_path: str + tracker: TrackerConfig + output_dir: str = "output" + save_frames: bool = True + num_sample_frames: int = 5 + + +cs = ConfigStore.instance() +cs.store(name="flotation_config", node=FlotationAnalysisConfig) + + +@hydra.main(config_path="conf", config_name="config", version_base=None) +def main(cfg: DictConfig) -> None: + os.makedirs(cfg.output_dir, exist_ok=True) + + tracker = initialize_tracker(cfg.tracker) + + print(f"Starting video processing: {cfg.video_path}") + metrics = process_video_with_tracker(cfg.video_path, tracker) + save_results(metrics, cfg.output_dir, cfg.save_frames, cfg.num_sample_frames) + visualize_results(metrics, cfg.output_dir) + + print(f"Analysis completed. Results saved to: {os.path.abspath(cfg.output_dir)}") + + +def initialize_tracker(tracker_cfg: DictConfig): + if tracker_cfg.name == "Мой трекер + CounTR": + model_path = "model/FSC147.pth" + model = models_mae_cross.__dict__["mae_vit_base_patch16"]( + norm_pix_loss="store_true" + ) + checkpoint = torch.load(model_path, map_location="cpu", weights_only=False) + model.load_state_dict(checkpoint["model"], strict=False) + tracker = VideoTracker(model_path, tracker_cfg.name) + tracker.model = model + else: + tracker = VideoTracker("model/YOLOv11s.pt", tracker_cfg.name) + return tracker + + +def process_video_with_tracker(video_path: str, tracker) -> dict: + metrics = tracker.process_video(video_path) + return metrics + + +def plot_metrics(metrics, output_dir): + if "max_active_tracks_history" in metrics and metrics["max_active_tracks_history"]: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["max_active_tracks_history"], "c-", label="Активные треки") + ax.axhline( + y=metrics["max_active_tracks"], + color="r", + linestyle="--", + label=f'Максимум: {metrics["max_active_tracks"]}', + ) + ax.set_xlabel("Номер кадра") + ax.set_ylabel("Количество треков") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "active_tracks.png")) + plt.close() + + if "optical_flow" in metrics and metrics["optical_flow"]: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["optical_flow"], "m-", label="Оптический поток") + ax.set_xlabel("Номер кадра") + ax.set_ylabel("Величина потока (пиксели)") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "optical_flow.png")) + plt.close() + + if "track_lengths" in metrics and metrics["track_lengths"]: + fig, ax = plt.subplots(figsize=(12, 4)) + + lengths = metrics["track_lengths"] + if isinstance(lengths, dict): + lengths = list(lengths.values()) + elif not isinstance(lengths, (list, np.ndarray)): + lengths = [] + + if lengths: + ax.hist(lengths, bins=20, color="orange", edgecolor="black", alpha=0.7) + mean_length = np.mean(lengths) + ax.axvline( + mean_length, + color="r", + linestyle="--", + label=f"Среднее: {mean_length:.1f} кадров", + ) + ax.set_xlabel("Длина трека (кадры)") + ax.set_ylabel("Количество треков") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "track_lengths.png")) + plt.close() + + if "displacement" in metrics and len(metrics["displacement"]) > 0: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["displacement"], "r-", label="Смещение (пиксели)") + ax.set_xlabel("Номер кадра") + ax.set_ylabel("Смещение") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "displacement.png")) + plt.close() + + if "coverage" in metrics and len(metrics["coverage"]) > 0: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["coverage"], "g-", label="Процент совпадений") + ax.set_xlabel("Номер кадра") + ax.set_ylabel("Процент") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "coverage.png")) + plt.close() + + if "temporal_consistency" in metrics and len(metrics["temporal_consistency"]) > 0: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["temporal_consistency"], "m-", label="Средний IoU") + ax.set_xlabel("Номер кадра") + ax.set_ylabel("IoU") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "temporal_consistency.png")) + plt.close() + + if "bubbles_per_frame" in metrics and metrics["bubbles_per_frame"]: + fig, ax = plt.subplots(figsize=(12, 4)) + ax.plot(metrics["bubbles_per_frame"], "b-", label="Количество пузырей") + ax.set_xlabel("Номер кадра") + ax.set_ylabel("Количество пузырей") + ax.grid(True) + ax.legend() + plt.savefig(os.path.join(output_dir, "bubbles_per_frame.png")) + plt.close() + + +def save_results( + metrics: dict, output_dir: str, save_frames: bool = True, num_sample_frames: int = 5 +) -> None: + plot_metrics(metrics, output_dir) + + +def visualize_results(metrics: dict, output_dir: str) -> None: + print("\n=== Summary Metrics ===") + for key, value in metrics.items(): + if isinstance(value, (list, np.ndarray)): + print(f"{key}: {len(value)} elements") + elif isinstance(value, dict): + print(f"{key}: {len(value)} items") + else: + print(f"{key}: {value}") + + +if __name__ == "__main__": + main() diff --git a/src/FlotationAnalytics/bot-sort.yaml b/src/FlotationAnalytics/bot-sort.yaml new file mode 100644 index 0000000..83f670a --- /dev/null +++ b/src/FlotationAnalytics/bot-sort.yaml @@ -0,0 +1,22 @@ +# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license + +# Default Ultralytics settings for BoT-SORT tracker when using mode="track" +# For documentation and examples see https://docs.ultralytics.com/modes/track/ +# For BoT-SORT source code see https://github.com/NirAharon/BoT-SORT + +tracker_type: botsort # tracker type, ['botsort', 'bytetrack'] +track_high_thresh: 0.3 # threshold for the first association +track_low_thresh: 0.1 # threshold for the second association +new_track_thresh: 0.25 # threshold for init new track if the detection does not match any tracks +track_buffer: 200 # buffer to calculate the time when to remove tracks +match_thresh: 1.0 # threshold for matching tracks +fuse_score: True # Whether to fuse confidence scores with the iou distances before matching +# min_box_area: 10 # threshold for min box areas(for tracker evaluation, not used for now) + +# BoT-SORT settings +gmc_method: sparseOptFlow # method of global motion compensation +# ReID model related thresh +proximity_thresh: 0.5 # minimum IoU for valid match with ReID +appearance_thresh: 0.8 # minimum appearance similarity for ReID +with_reid: False +model: auto # uses native features if detector is YOLO else yolo11n-cls.pt diff --git a/src/FlotationAnalytics/bytetrack.yaml b/src/FlotationAnalytics/bytetrack.yaml new file mode 100644 index 0000000..ea45eea --- /dev/null +++ b/src/FlotationAnalytics/bytetrack.yaml @@ -0,0 +1,14 @@ +# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license + +# Default Ultralytics settings for ByteTrack tracker when using mode="track" +# For documentation and examples see https://docs.ultralytics.com/modes/track/ +# For ByteTrack source code see https://github.com/ifzhang/ByteTrack + +tracker_type: bytetrack # tracker type, ['botsort', 'bytetrack'] +track_high_thresh: 0.3 # threshold for the first association +track_low_thresh: 0.1 # threshold for the second association +new_track_thresh: 0.25 # threshold for init new track if the detection does not match any tracks +track_buffer: 200 # buffer to calculate the time when to remove tracks +match_thresh: 1.0 # threshold for matching tracks +fuse_score: True # Whether to fuse confidence scores with the iou distances before matching +# min_box_area: 10 # threshold for min box areas(for tracker evaluation, not used for now) \ No newline at end of file diff --git a/src/FlotationAnalytics/cvat_annotations.xml b/src/FlotationAnalytics/cvat_annotations.xml new file mode 100644 index 0000000..877d868 --- /dev/null +++ b/src/FlotationAnalytics/cvat_annotations.xml @@ -0,0 +1,25230 @@ + + + 1.1 + + + 2207020 + 100 + interpolation + 5 + + 2025-03-14 13:31:29.587588+00:00 + 2025-03-26 23:19:03.889501+00:00 + default + 0 + 99 + + + + 2209437 + 0 + 99 + https://app.cvat.ai/api/jobs/1 + + + + m + m@gmail.com + + + + + + + 2025-04-24 19:53:36.982180+00:00 + + 800 + 600 + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/src/FlotationAnalytics/fromMaskToYolo.py b/src/FlotationAnalytics/fromMaskToYolo.py new file mode 100644 index 0000000..6b41a23 --- /dev/null +++ b/src/FlotationAnalytics/fromMaskToYolo.py @@ -0,0 +1,87 @@ +import cv2 +import os +import numpy as np +import argparse + +# Извлечение bbox из маски +def extract_bounding_boxes(mask): + contours, _ = cv2.findContours(mask, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE) + boxes = [] + for cnt in contours: + x, y, w, h = cv2.boundingRect(cnt) + boxes.append([x, y, x+w, y+h]) + return boxes + +# Конвертация bbox в YOLO формат +def convert_bbox_to_yolo(box, image_width, image_height): + x1, y1, x2, y2 = box + x_center = (x1 + x2) / 2 / image_width + y_center = (y1 + y2) / 2 / image_height + width = (x2 - x1) / image_width + height = (y2 - y1) / image_height + return x_center, y_center, width, height + +def process_images_to_yolo_labels(image_folder, mask_folder, output_folder, class_id=0): + os.makedirs(output_folder, exist_ok=True) + + for image_name in os.listdir(image_folder): + if not image_name.lower().endswith('.jpg'): + continue + + base_name = os.path.splitext(image_name)[0] + image_path = os.path.join(image_folder, image_name) + mask_path = os.path.join(mask_folder, f"{base_name}.png") + txt_path = os.path.join(output_folder, f"{base_name}.txt") + + if not os.path.exists(mask_path): + print(f"Маска для {image_name} не найдена") + continue + + image = cv2.imread(image_path) + mask = cv2.imread(mask_path, cv2.IMREAD_GRAYSCALE) + + if image is None: + print(f"Ошибка при загрузке изображения: {image_path}") + continue + if mask is None: + print(f"Ошибка при загрузке маски: {mask_path}") + continue + + boxes = extract_bounding_boxes(mask) + if not boxes: + print(f"Не найдено объектов на изображении {image_name}") + continue + + height, width = image.shape[:2] + with open(txt_path, 'w') as f: + for box in boxes: + yolo_coords = convert_bbox_to_yolo(box, width, height) + f.write(f"{class_id} {' '.join(f'{x:.6f}' for x in yolo_coords)}\n") + + print(f"Разметка для {image_name} сохранена в {txt_path}") + +def main(): + parser = argparse.ArgumentParser( + description='Конвертация масок в YOLO формат разметки' + ) + + parser.add_argument('--image_folder', required=True, + help='Путь к папке с изображениями') + parser.add_argument('--mask_folder', required=True, + help='Путь к папке с масками') + parser.add_argument('--output_folder', required=True, + help='Путь для сохранения YOLO разметки') + parser.add_argument('--class_id', type=int, default=0, + help='ID класса для разметки (по умолчанию: 0)') + + args = parser.parse_args() + + process_images_to_yolo_labels( + image_folder=args.image_folder, + mask_folder=args.mask_folder, + output_folder=args.output_folder, + class_id=args.class_id + ) + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/src/FlotationAnalytics/fromYOLOtoCVAT.py b/src/FlotationAnalytics/fromYOLOtoCVAT.py new file mode 100644 index 0000000..82ba9d4 --- /dev/null +++ b/src/FlotationAnalytics/fromYOLOtoCVAT.py @@ -0,0 +1,154 @@ +import os +import csv +import xml.etree.ElementTree as ET +from xml.dom import minidom + +class DeepSortToCvatConverter: + def __init__(self, input_folder, output_xml_file, img_width=None, img_height=None): + self.input_folder = input_folder + self.output_xml_file = output_xml_file + self.img_width = img_width + self.img_height = img_height + + def _create_metadata(self, annotations, num_frames): + ET.SubElement(annotations, "version").text = "1.1" + + meta = ET.SubElement(annotations, "meta") + job = ET.SubElement(meta, "job") + + ET.SubElement(job, "id").text = "" + ET.SubElement(job, "size").text = str(num_frames) + ET.SubElement(job, "mode").text = "annotation" + ET.SubElement(job, "overlap").text = "0" + ET.SubElement(job, "bugtracker") + ET.SubElement(job, "created").text = "2025-04-18 13:40:56.502816+00:00" + ET.SubElement(job, "updated").text = "2025-04-18 14:18:23.946959+00:00" + ET.SubElement(job, "subset").text = "default" + ET.SubElement(job, "start_frame").text = "0" + ET.SubElement(job, "stop_frame").text = str(num_frames - 1) + ET.SubElement(job, "frame_filter") + + segments = ET.SubElement(job, "segments") + segment = ET.SubElement(segments, "segment") + ET.SubElement(segment, "id").text = "" + ET.SubElement(segment, "start").text = "0" + ET.SubElement(segment, "stop").text = str(num_frames - 1) + ET.SubElement(segment, "url").text = "" + + owner = ET.SubElement(job, "owner") + ET.SubElement(owner, "username").text = "" + ET.SubElement(owner, "email").text = "" + + ET.SubElement(job, "assignee") + + labels = ET.SubElement(job, "labels") + label = ET.SubElement(labels, "label") + ET.SubElement(label, "name").text = "bubble" + ET.SubElement(label, "color").text = "#66ff66" + ET.SubElement(label, "type").text = "any" + ET.SubElement(label, "attributes") + + ET.SubElement(meta, "dumped").text = "2025-04-18 14:18:39.991110+00:00" + + def _process_tracks(self, annotations, txt_files): + tracks = {} + track_frames = {} + active_tracks = set() + + for frame_num, filename in enumerate(txt_files): + filepath = os.path.join(self.input_folder, filename) + current_frame_tracks = set() + + with open(filepath, 'r') as f: + reader = csv.reader(f) + for row in reader: + if len(row) < 5: + continue + + track_id = row[0] + current_frame_tracks.add(track_id) + + x_center = float(row[1]) + y_center = float(row[2]) + width = float(row[3]) + height = float(row[4]) + + if self.img_width and self.img_height and max(x_center, y_center, width, height) <= 1.0: + x_center *= self.img_width + y_center *= self.img_height + width *= self.img_width + height *= self.img_height + + xtl = x_center + ytl = y_center + xbr = x_center + width + ybr = y_center + height + + if self.img_width: + xtl = max(0, min(xtl, self.img_width)) + xbr = max(0, min(xbr, self.img_width)) + if self.img_height: + ytl = max(0, min(ytl, self.img_height)) + ybr = max(0, min(ybr, self.img_height)) + + xtl, ytl, xbr, ybr = round(xtl, 2), round(ytl, 2), round(xbr, 2), round(ybr, 2) + + if track_id not in tracks: + track_elem = ET.SubElement(annotations, "track", { + "id": track_id, + "label": "bubble", + "source": "manual" + }) + tracks[track_id] = track_elem + track_frames[track_id] = set() + + if frame_num not in track_frames[track_id]: + ET.SubElement(tracks[track_id], "box", { + "frame": str(frame_num), + "keyframe": "1", + "outside": "0", + "occluded": "0", + "xtl": str(xtl), + "ytl": str(ytl), + "xbr": str(xbr), + "ybr": str(ybr), + "z_order": "0" + }) + track_frames[track_id].add(frame_num) + + disappeared_tracks = active_tracks - current_frame_tracks + for track_id in disappeared_tracks: + if track_id in tracks: + ET.SubElement(tracks[track_id], "box", { + "frame": str(frame_num), + "keyframe": "1", + "outside": "1", + "occluded": "0", + "xtl": "0", + "ytl": "0", + "xbr": "0", + "ybr": "0", + "z_order": "0" + }) + track_frames[track_id].add(frame_num) + + active_tracks = current_frame_tracks + + def convert(self): + txt_files = sorted(f for f in os.listdir(self.input_folder) if f.endswith('.txt')) + if not txt_files: + raise ValueError(f"No .txt files found in {self.input_folder}") + + annotations = ET.Element("annotations") + + self._create_metadata(annotations, len(txt_files)) + + self._process_tracks(annotations, txt_files) + + xml_str = ET.tostring(annotations, encoding='utf-8') + pretty_xml = minidom.parseString(xml_str).toprettyxml(indent=" ") + + with open(self.output_xml_file, 'w', encoding='utf-8') as f: + f.write(pretty_xml) + + print(f"Successfully converted {len(txt_files)} frames to CVAT XML at {self.output_xml_file}") diff --git a/src/FlotationAnalytics/metrics.py b/src/FlotationAnalytics/metrics.py new file mode 100644 index 0000000..38231f8 --- /dev/null +++ b/src/FlotationAnalytics/metrics.py @@ -0,0 +1,308 @@ +# Подсчет контролируемых метрик: MOTP и MOTA +import numpy as np +import cv2 +from scipy.optimize import linear_sum_assignment +import xml.etree.ElementTree as ET +from pathlib import Path +import re +import shutil + + +# Переименовываем файлы с image0.txt в image{i}.txt +def rename_yolo_annotations(root_dir): + root_path = Path(root_dir) + for labels_dir in root_path.glob("track*/labels"): + track_num = labels_dir.parent.name.replace("track", "") + if track_num == "": + track_num = 0 + else: + track_num = int(track_num) - 1 + + for txt_file in labels_dir.glob("image0.txt"): + new_name = f"image{track_num}.txt" + new_path = txt_file.with_name(new_name) + shutil.move(str(txt_file), str(new_path)) + print(f"Renamed: {txt_file} -> {new_path}") + + +# Парсим разметки из текстовых файлов и возвращаем словарь с разметкой +# Для CVAT аннотации +def parse_cvat_xml(xml_path): + tree = ET.parse(xml_path) + root = tree.getroot() + + width = int(root.find("meta/original_size/width").text) + height = int(root.find("meta/original_size/height").text) + + annotations = {} + + for track in root.findall("track"): + track_id = int(track.get("id")) + + for box in track.findall("box"): + frame = int(box.get("frame")) + xtl = float(box.get("xtl")) + ytl = float(box.get("ytl")) + xbr = float(box.get("xbr")) + ybr = float(box.get("ybr")) + box_width = xbr - xtl + box_height = ybr - ytl + x_center = xtl + box_width / 2 + y_center = ytl + box_height / 2 + + if width and height: + x_center /= width + y_center /= height + box_width /= width + box_height /= height + + x_center = max(0, min(x_center, 1.0)) + y_center = max(0, min(y_center, 1.0)) + box_width = max(0, min(box_width, 1.0)) + box_height = max(0, min(box_height, 1.0)) + + if frame not in annotations: + annotations[frame] = [] + + annotations[frame].append( + { + "track_id": int(track_id) + 1, + "bbox": [x_center, y_center, box_width, box_height], + } + ) + + return annotations + + +# Для расширенной YOLO аннотации +def parse_yolo_txt(yolo_dir): + annotations = {} + + yolo_dir = Path(yolo_dir) + labels_dirs = list(yolo_dir.glob("*/labels")) + + for labels_dir in labels_dirs: + for txt_file in labels_dir.glob("*.txt"): + match = re.search(r"image(\d+).txt", txt_file.name) + if not match: + continue + + frame = int(match.group(1)) + + with open(txt_file, "r") as f: + lines = f.readlines() + + if frame not in annotations: + annotations[frame] = [] + + for line in lines: + parts = line.strip().split() + if len(parts) >= 5: + x_center = float(parts[1]) + y_center = float(parts[2]) + width = float(parts[3]) + height = float(parts[4]) + conf = float(parts[5]) + track_id = float(parts[6]) + + annotations[frame].append( + { + "track_id": int(track_id), + "bbox": [x_center, y_center, width, height], + "confidence": conf, + } + ) + return annotations + + +def calculate_iou(bbox1, bbox2): + try: + x1, y1, w1, h1 = map(float, bbox1) + x2, y2, w2, h2 = map(float, bbox2) + except (TypeError, ValueError) as e: + print(f"Ошибка формата bbox: {e}") + return 0.0 + + w1, h1 = max(0, w1), max(0, h1) + w2, h2 = max(0, w2), max(0, h2) + + inter_x1 = max(x1 - w1 / 2, x2 - w2 / 2) + inter_y1 = max(y1 - h1 / 2, y2 - h2 / 2) + inter_x2 = min(x1 + w1 / 2, x2 + w2 / 2) + inter_y2 = min(y1 + h1 / 2, y2 + h2 / 2) + + inter_area = max(0, inter_x2 - inter_x1) * max(0, inter_y2 - inter_y1) + union_area = w1 * h1 + w2 * h2 - inter_area + 1e-6 + return inter_area / union_area + + +# Оптимальное сопоставление с использованием венгерского алгоритма +def hungarian_matching(cvat_boxes, yolo_boxes, iou_threshold): + cost_matrix = 1 - np.array( + [[calculate_iou(c["bbox"], y["bbox"]) for y in yolo_boxes] for c in cvat_boxes] + ) + row_ind, col_ind = linear_sum_assignment(cost_matrix) + + matches = [] + for r, c in zip(row_ind, col_ind): + if 1 - cost_matrix[r, c] >= iou_threshold: + matches.append((r, c)) + + return matches + + +# Сопоставление ограничивающих рамок +def hybrid_matcher(cvat_boxes, yolo_boxes, iou_threshold, dist_threshold=0): + # Венгерский алгоритм (сопоставление по IoU) + matches = hungarian_matching(cvat_boxes, yolo_boxes, iou_threshold) + + # Сопоставление оставшихся ограничивающих рамок, которые не нашли пары на предыдущем шаге, по расстоянию + matched_cvat = set(m[0] for m in matches) + matched_yolo = set(m[1] for m in matches) + + for i, c_box in enumerate(cvat_boxes): + if i in matched_cvat: + continue + + min_dist = dist_threshold + best_j = -1 + c_pos = np.array(c_box["bbox"][:2]) + + for j, y_box in enumerate(yolo_boxes): + if j in matched_yolo: + continue + + y_pos = np.array(y_box["bbox"][:2]) + dist = np.linalg.norm(c_pos - y_pos) + + if dist < min_dist: + min_dist = dist + best_j = j + + if best_j != -1: + matches.append((i, best_j)) + matched_yolo.add(best_j) + + unmatched_cvat = [i for i in range(len(cvat_boxes)) if i not in matched_cvat] + unmatched_yolo = [j for j in range(len(yolo_boxes)) if j not in matched_yolo] + + return matches, unmatched_cvat, unmatched_yolo + + +# Фильтрация ложных срабатываний +def filter_bboxes(bboxes, min_size=0, min_conf=0): + return [ + b + for b in bboxes + if (b["bbox"][2] * b["bbox"][3] >= min_size) + and b.get("confidence", 1.0) >= min_conf + ] + + +def draw_comparison( + cvat_boxes, yolo_boxes, matches, img_size=(1058, 793), filename="comparison.jpg" +): + img = np.zeros((img_size[0], img_size[1], 3), dtype=np.uint8) + + # Цвета в формате BGR (для OpenCV) + COLOR_GT = (0, 200, 0) + COLOR_YOLO = (0, 100, 255) + COLOR_MATCH = (255, 255, 0) + COLOR_BG = (251, 251, 251) + + # Заливаем фон + img[:] = COLOR_BG + + for box in cvat_boxes: + x, y, w, h = (np.array(box["bbox"]) * img_size[1]).astype(int) + cv2.rectangle( + img, (x - w // 2, y - h // 2), (x + w // 2, y + h // 2), (0, 0, 0), 3 + ) + cv2.rectangle( + img, (x - w // 2, y - h // 2), (x + w // 2, y + h // 2), COLOR_GT, 2 + ) + + for box in yolo_boxes: + x, y, w, h = (np.array(box["bbox"]) * img_size[1]).astype(int) + cv2.rectangle( + img, (x - w // 2, y - h // 2), (x + w // 2, y + h // 2), (255, 255, 255), 2 + ) + cv2.rectangle( + img, (x - w // 2, y - h // 2), (x + w // 2, y + h // 2), COLOR_YOLO, 2 + ) + + for c_idx, y_idx in matches: + c_pos = (np.array(cvat_boxes[c_idx]["bbox"][:2]) * img_size[1]).astype(int) + y_pos = (np.array(yolo_boxes[y_idx]["bbox"][:2]) * img_size[1]).astype(int) + cv2.line(img, tuple(c_pos), tuple(y_pos), COLOR_MATCH, 2) + + legend = [("GT", COLOR_GT), ("YOLO", COLOR_YOLO), ("Matches", COLOR_MATCH)] + + for i, (text, color) in enumerate(legend): + cv2.putText( + img, text, (20, 30 + i * 30), cv2.FONT_HERSHEY_SIMPLEX, 0.8, color, 2 + ) + + cv2.imwrite(filename, img) + + +def calculate_metrics(cvat_frames, yolo_frames, iou_threshold, visualize=False): + total_gt = total_fp = total_fn = total_iou = total_matches = 0 + + for frame_idx in range(len(cvat_frames)): + cvat_boxes = [ + {"bbox": obj["bbox"], "track_id": obj.get("track_id", -1)} + for obj in cvat_frames[frame_idx] + ] + + yolo_boxes_raw = [ + { + "bbox": obj["bbox"], + "track_id": obj.get("track_id", -1), + "confidence": obj.get("confidence", 1.0), + } + for obj in yolo_frames[frame_idx] + ] + + yolo_boxes = filter_bboxes(yolo_boxes_raw) + + matches, unmatched_cvat, unmatched_yolo = hybrid_matcher( + cvat_boxes, yolo_boxes, iou_threshold + ) + + if visualize and frame_idx < 5: + draw_comparison( + cvat_boxes, yolo_boxes, matches, filename=f"match_{frame_idx}.jpg" + ) + + total_gt += len(cvat_boxes) + total_fp += len(unmatched_yolo) + total_fn += len(unmatched_cvat) + total_matches += len(matches) + + for c_idx, y_idx in matches: + total_iou += calculate_iou( + cvat_boxes[c_idx]["bbox"], yolo_boxes[y_idx]["bbox"] + ) + + mota = 1 - (total_fp + total_fn) / max(1, total_gt) + motp = total_iou / max(1, total_matches) if total_matches > 0 else 0 + precision = total_matches / max(1, total_matches + total_fp) + recall = total_matches / max(1, total_gt) + print("\nFinal Metrics:") + print(f"GT: {total_gt}, TP: {total_matches}, FP: {total_fp}, FN: {total_fn}") + print(f"MOTA: {mota:.4f}, MOTP: {motp:.4f}") + print(f"Precision: {precision:.4f}, Recall: {recall:.4f}") + print(f"Average IoU: {total_iou/max(1,total_matches):.4f}") + return mota, motp + + +if __name__ == "__main__": + rename_yolo_annotations("output_botsort") # при необходимости + cvat_xml_path = "cvat_annotations.xml" + yolo_dir = "output_botsort" + cvat_anns = parse_cvat_xml(cvat_xml_path) + yolo_anns = parse_yolo_txt(yolo_dir) + mota, motp = calculate_metrics( + cvat_anns, yolo_anns, iou_threshold=0.3, visualize=True + ) diff --git a/src/FlotationAnalytics/output_botsort/track/labels/image0.txt b/src/FlotationAnalytics/output_botsort/track/labels/image0.txt new file mode 100644 index 0000000..0d40f10 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track/labels/image0.txt @@ -0,0 +1,133 @@ +0 0.896754 0.45491 0.0895153 0.193536 0.817078 1 +0 0.289141 0.10215 0.0801068 0.10906 0.816025 2 +0 0.664282 0.0693557 0.0177255 0.0483879 0.773646 3 +0 0.455541 0.554755 0.073381 0.185833 0.763832 4 +0 0.966265 0.474289 0.0668696 0.192599 0.763344 5 +0 0.468511 0.0452729 0.0608767 0.0900122 0.748392 6 +0 0.750538 0.3403 0.0193058 0.0539683 0.746722 7 +0 0.384154 0.121826 0.0701 0.1094 0.732105 8 +0 0.46868 0.222474 0.0198626 0.0615289 0.724078 9 +0 0.402251 0.440286 0.0225823 0.076114 0.719256 10 +0 0.538027 0.311714 0.0195015 0.0558063 0.719204 11 +0 0.851495 0.668705 0.0223278 0.0533259 0.71843 12 +0 0.696179 0.153456 0.101562 0.199884 0.71727 13 +0 0.636923 0.11886 0.0216502 0.0646397 0.711572 14 +0 0.725866 0.916035 0.0310473 0.0837824 0.709694 15 +0 0.601798 0.286305 0.0842881 0.145424 0.708349 16 +0 0.337922 0.222893 0.0193506 0.066105 0.698228 17 +0 0.76714 0.284007 0.0220984 0.0607878 0.693366 18 +0 0.559816 0.457324 0.0176983 0.0489334 0.690419 19 +0 0.475766 0.803271 0.0207666 0.0577959 0.685666 20 +0 0.791567 0.321004 0.0212488 0.0592715 0.685335 21 +0 0.983081 0.566865 0.0179732 0.0525472 0.683103 22 +0 0.94827 0.606136 0.0188499 0.0509488 0.682853 23 +0 0.815381 0.71167 0.0231776 0.0691874 0.678312 24 +0 0.56027 0.874321 0.0171101 0.0503888 0.678043 25 +0 0.959109 0.68072 0.0185194 0.0512102 0.676798 26 +0 0.677301 0.0324497 0.0148544 0.0399178 0.676614 27 +0 0.373098 0.213784 0.0164394 0.0601356 0.670577 28 +0 0.7087 0.322935 0.0180004 0.0464799 0.665456 29 +0 0.617276 0.485565 0.0411575 0.102401 0.662173 30 +0 0.593064 0.0523399 0.135836 0.10468 0.658406 31 +0 0.883755 0.657512 0.0145073 0.0435903 0.656695 32 +0 0.257856 0.205132 0.0222291 0.0739194 0.654998 33 +0 0.244835 0.516041 0.0195137 0.0709872 0.648129 34 +0 0.740212 0.76991 0.0167923 0.0563594 0.645577 35 +0 0.188175 0.389591 0.0217095 0.0730242 0.637917 36 +0 0.348876 0.496987 0.0205021 0.0627011 0.637381 37 +0 0.279195 0.291433 0.057572 0.107681 0.627793 38 +0 0.695738 0.83694 0.0230122 0.067246 0.626693 39 +0 0.910812 0.726398 0.0227451 0.0615491 0.622596 40 +0 0.635068 0.772737 0.0181196 0.0593063 0.610034 41 +0 0.665886 0.309036 0.0185121 0.0555561 0.609616 42 +0 0.156493 0.326237 0.0162518 0.0468349 0.60861 43 +0 0.398963 0.310404 0.0976738 0.213312 0.608368 44 +0 0.811819 0.477948 0.0528562 0.110204 0.605968 45 +0 0.363858 0.449554 0.0166589 0.0543632 0.604664 46 +0 0.956095 0.355492 0.0181076 0.0456174 0.604656 47 +0 0.539924 0.396709 0.0183647 0.0657165 0.604258 48 +0 0.375722 0.811503 0.0183089 0.0476151 0.600297 49 +0 0.533833 0.248997 0.0220969 0.0586017 0.598805 50 +0 0.839562 0.768191 0.0756934 0.102257 0.598145 51 +0 0.94192 0.876694 0.0174458 0.0434536 0.597705 52 +0 0.771282 0.810421 0.0294989 0.072083 0.588571 53 +0 0.55974 0.136312 0.0273458 0.0583286 0.584731 54 +0 0.37019 0.751171 0.0215416 0.0802059 0.580875 55 +0 0.73107 0.540834 0.0740441 0.216752 0.575241 56 +0 0.680217 0.356552 0.0151043 0.0377501 0.567421 57 +0 0.52323 0.157722 0.025564 0.0548545 0.567312 58 +0 0.814528 0.225147 0.0210964 0.0693668 0.566095 59 +0 0.933852 0.300831 0.0209881 0.0634898 0.564524 60 +0 0.202275 0.760738 0.0158597 0.0444234 0.564314 61 +0 0.639871 0.831765 0.0149255 0.0485312 0.554475 62 +0 0.86889 0.282299 0.0984623 0.187356 0.552932 63 +0 0.232076 0.308548 0.0188947 0.0663081 0.551077 64 +0 0.280595 0.454192 0.0202717 0.070215 0.542455 65 +0 0.938977 0.734358 0.0234203 0.0549744 0.541092 66 +0 0.367619 0.584687 0.0247458 0.0846568 0.536941 67 +0 0.38317 0.0150764 0.0202735 0.0291138 0.53218 68 +0 0.79556 0.696499 0.0130575 0.0355825 0.531296 69 +0 0.68499 0.898331 0.0138071 0.0365184 0.52912 70 +0 0.224841 0.187851 0.0154158 0.0542272 0.522312 71 +0 0.98561 0.344485 0.0130646 0.0336793 0.519848 72 +0 0.978821 0.723012 0.0193113 0.0634204 0.519545 73 +0 0.513727 0.613431 0.0178204 0.0414342 0.51913 74 +0 0.613657 0.624596 0.0138943 0.0445619 0.514481 75 +0 0.765522 0.0234927 0.0135114 0.0319955 0.513589 76 +0 0.324063 0.170093 0.0170159 0.0555902 0.510331 77 +0 0.834282 0.631852 0.0147756 0.0432013 0.50474 78 +0 0.195336 0.513691 0.0362809 0.102416 0.499571 79 +0 0.948471 0.22002 0.020995 0.0519802 0.497499 80 +0 0.669138 0.778964 0.0232216 0.0755971 0.493318 81 +0 0.694689 0.394992 0.0167024 0.0397112 0.492791 82 +0 0.45497 0.184927 0.015316 0.0301139 0.490953 83 +0 0.880957 0.344017 0.0127171 0.039959 0.489156 84 +0 0.107276 0.619507 0.0993546 0.259453 0.488314 85 +0 0.723508 0.36863 0.0139545 0.0420808 0.481321 86 +0 0.372657 0.886351 0.0133764 0.0398603 0.480906 87 +0 0.517704 0.818946 0.0239156 0.0736751 0.475295 88 +0 0.570736 0.151032 0.019947 0.0468409 0.473955 89 +0 0.786584 0.871046 0.0320114 0.0919506 0.472885 90 +0 0.393427 0.533507 0.0233373 0.0715108 0.471372 91 +0 0.853776 0.123857 0.0572636 0.0908697 0.468924 92 +0 0.532991 0.517467 0.0195463 0.0585513 0.465074 93 +0 0.308134 0.453501 0.0150327 0.0620396 0.45955 94 +0 0.736053 0.200546 0.0154264 0.0444323 0.458411 95 +0 0.85411 0.576754 0.0212872 0.0509955 0.437222 96 +0 0.943798 0.797487 0.0373001 0.0607093 0.436894 97 +0 0.479601 0.142626 0.0362307 0.0913254 0.43476 98 +0 0.502543 0.768745 0.0149803 0.0455307 0.427088 99 +0 0.231974 0.7188 0.0196927 0.0836257 0.425209 100 +0 0.698838 0.0277632 0.0127485 0.0376837 0.417835 101 +0 0.692387 0.2597 0.0130369 0.0263911 0.415537 102 +0 0.295405 0.5684 0.0198374 0.0914235 0.405475 103 +0 0.579758 0.402702 0.0137261 0.0466205 0.395438 104 +0 0.707807 0.277819 0.0151304 0.0299245 0.392679 105 +0 0.270376 0.394249 0.0139165 0.0469822 0.386031 106 +0 0.289987 0.622125 0.0955926 0.187531 0.383864 107 +0 0.649851 0.418624 0.0164915 0.0464228 0.380532 108 +0 0.467258 0.365045 0.0626416 0.142223 0.379898 109 +0 0.160157 0.245344 0.118824 0.210787 0.376457 110 +0 0.517537 0.389863 0.0174044 0.0605379 0.370919 111 +0 0.240793 0.404217 0.0271808 0.104272 0.370251 112 +0 0.648313 0.330943 0.0144108 0.046293 0.369377 113 +0 0.533455 0.114719 0.0117506 0.0290076 0.362383 114 +0 0.92881 0.850239 0.0201775 0.0394667 0.361116 115 +0 0.42374 0.828035 0.0293449 0.0965892 0.358904 116 +0 0.802315 0.391674 0.0117363 0.0401772 0.358399 117 +0 0.830953 0.916827 0.0120335 0.0367706 0.357224 118 +0 0.512698 0.635045 0.0184076 0.0484665 0.35539 119 +0 0.303071 0.744833 0.0126677 0.0376691 0.35497 120 +0 0.789622 0.128839 0.0533207 0.140402 0.354505 121 +0 0.57333 0.775974 0.014188 0.0680382 0.353579 122 +0 0.749572 0.65745 0.0246252 0.0526453 0.352102 123 +0 0.466569 0.761216 0.0148394 0.0255269 0.351927 124 +0 0.468182 0.364595 0.0289324 0.13548 0.347263 125 +0 0.119134 0.365692 0.0140248 0.034891 0.34627 126 +0 0.686054 0.289272 0.0105858 0.0197837 0.343137 127 +0 0.19213 0.227474 0.0209591 0.0697395 0.342333 128 +0 0.610994 0.668868 0.0125894 0.0317087 0.341938 129 +0 0.728879 0.836462 0.0129755 0.04098 0.328767 130 +0 0.11021 0.330372 0.0156915 0.0384393 0.325441 131 +0 0.603904 0.834579 0.0159461 0.0551951 0.325426 132 +0 0.25217 0.822395 0.0111773 0.0392522 0.302095 133 diff --git a/src/FlotationAnalytics/output_botsort/track10/labels/image9.txt b/src/FlotationAnalytics/output_botsort/track10/labels/image9.txt new file mode 100644 index 0000000..f3efb6c --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track10/labels/image9.txt @@ -0,0 +1,111 @@ +0 0.822761 0.64635 0.12491 0.197881 0.828829 1 +0 0.292033 0.425563 0.0236914 0.0648954 0.552926 2 +0 0.392452 0.881522 0.0180579 0.0592797 0.767871 4 +0 0.945648 0.631093 0.0807698 0.20115 0.79219 5 +0 0.456838 0.278839 0.0216923 0.0558034 0.737774 6 +0 0.718122 0.585054 0.0177715 0.0354098 0.725156 7 +0 0.368425 0.476597 0.0837806 0.193901 0.817642 8 +0 0.693513 0.250474 0.0345609 0.0711123 0.651667 13 +0 0.553023 0.540116 0.0178972 0.051957 0.558045 16 +0 0.719002 0.510913 0.0207635 0.0606059 0.655428 18 +0 0.76166 0.542922 0.0232597 0.0511955 0.692041 21 +0 0.934949 0.766193 0.0287944 0.0539775 0.476796 23 +0 0.639451 0.251644 0.0308355 0.0623012 0.644575 27 +0 0.666036 0.569739 0.0159492 0.0512194 0.511499 29 +0 0.570902 0.102365 0.0860363 0.15874 0.578452 31 +0 0.215198 0.566643 0.0231399 0.0770608 0.667771 33 +0 0.230837 0.65007 0.0564167 0.0994366 0.559405 38 +0 0.340313 0.632523 0.0228666 0.07731 0.541629 44 +0 0.716299 0.643724 0.0255353 0.0684956 0.540823 45 +0 0.900562 0.524443 0.0181963 0.0419915 0.702585 47 +0 0.509176 0.637726 0.0191807 0.0386357 0.504788 48 +0 0.499234 0.532701 0.022594 0.0553376 0.52211 50 +0 0.894461 0.459335 0.0240076 0.06676 0.643349 60 +0 0.833579 0.438779 0.0920388 0.165941 0.811393 63 +0 0.187718 0.643878 0.0174851 0.0646277 0.530713 64 +0 0.347526 0.264194 0.0270206 0.071968 0.454028 68 +0 0.270372 0.530659 0.0227256 0.0608114 0.573878 77 +0 0.920469 0.365944 0.0484051 0.0824338 0.390906 80 +0 0.72415 0.41869 0.0241376 0.0635592 0.619781 95 +0 0.54631 0.446153 0.0273938 0.0630551 0.612791 98 +0 0.658926 0.439955 0.0266428 0.0672071 0.528047 102 +0 0.436985 0.709043 0.0326054 0.0945894 0.420883 109 +0 0.474352 0.75778 0.0190432 0.0423862 0.335668 111 +0 0.399482 0.206986 0.0711944 0.100796 0.81599 119 +0 0.764883 0.349163 0.044612 0.0797369 0.518757 121 +0 0.173136 0.273098 0.0915952 0.183587 0.800028 128 +0 0.901805 0.80935 0.0152964 0.0459798 0.692992 154 +0 0.277412 0.216797 0.113045 0.260543 0.626224 156 +0 0.945639 0.446635 0.0446911 0.0794008 0.456024 163 +0 0.488617 0.589896 0.0385577 0.0715454 0.442738 174 +0 0.986727 0.666501 0.0258525 0.105076 0.547913 185 +0 0.434482 0.585354 0.0295004 0.0693111 0.419943 189 +0 0.909388 0.292188 0.018885 0.0448486 0.679377 219 +0 0.898209 0.254373 0.0154063 0.033105 0.668439 230 +0 0.985619 0.770216 0.0287618 0.100316 0.354327 234 +0 0.290797 0.63881 0.0226242 0.0734996 0.414961 236 +0 0.514956 0.740419 0.0387755 0.0968153 0.354744 19 +0 0.141325 0.576129 0.0742321 0.109832 0.434399 71 +0 0.641714 0.714524 0.0132911 0.0392183 0.375526 82 +0 0.455007 0.83082 0.0220242 0.0823078 0.438777 243 +0 0.897421 0.190067 0.0742083 0.0957623 0.67408 249 +0 0.883859 0.327982 0.0188045 0.0404804 0.731725 260 +0 0.617383 0.572852 0.0215867 0.056836 0.473812 113 +0 0.0724903 0.73862 0.0129245 0.0480487 0.367451 131 +0 0.834652 0.209986 0.0137059 0.032477 0.370268 269 +0 0.920007 0.243612 0.0174679 0.0415593 0.695819 272 +0 0.753033 0.0847384 0.157857 0.149243 0.729614 274 +0 0.0961974 0.453828 0.0478568 0.0943514 0.404294 275 +0 0.970575 0.360038 0.0173678 0.0471285 0.528381 294 +0 0.631182 0.343587 0.0174969 0.0442625 0.664183 299 +0 0.790514 0.151116 0.0220485 0.0522463 0.621189 302 +0 0.0954373 0.716401 0.0203538 0.0785485 0.440278 126 +0 0.27644 0.589706 0.0238752 0.0638013 0.530009 17 +0 0.871011 0.904397 0.0239119 0.0538591 0.552073 32 +0 0.967734 0.499646 0.0150867 0.0413457 0.588555 72 +0 0.941118 0.27823 0.0151629 0.0389897 0.704179 312 +0 0.324952 0.0707276 0.0172172 0.0503911 0.711623 327 +0 0.370761 0.0524275 0.0564302 0.0918152 0.678194 329 +0 0.204988 0.375957 0.0208802 0.0573488 0.665035 331 +0 0.431411 0.0502121 0.0446384 0.0885381 0.571616 337 +0 0.594975 0.626752 0.0228567 0.0431816 0.571474 344 +0 0.501703 0.450048 0.036335 0.0914689 0.431944 58 +0 0.592076 0.849775 0.0187735 0.0587517 0.40339 75 +0 0.527113 0.401136 0.0238939 0.0670069 0.616214 89 +0 0.32732 0.729674 0.0930438 0.171245 0.746508 46 +0 0.83426 0.534833 0.0125591 0.040528 0.512624 84 +0 0.7531 0.801803 0.0566813 0.0935246 0.451378 78 +0 0.388008 0.695374 0.0246738 0.0652537 0.688296 364 +0 0.944865 0.229137 0.0167812 0.0440633 0.662425 369 +0 0.689894 0.456057 0.022215 0.0525932 0.711227 370 +0 0.879142 0.516909 0.0159727 0.0434222 0.708468 373 +0 0.927504 0.818639 0.0123932 0.0332132 0.523655 375 +0 0.994801 0.544129 0.00981331 0.0353585 0.649575 376 +0 0.540504 0.3075 0.0176937 0.0430675 0.662097 380 +0 0.848375 0.120156 0.0562139 0.0946466 0.451715 386 +0 0.760605 0.481207 0.0208326 0.058685 0.718849 387 +0 0.94418 0.810597 0.011618 0.0312469 0.438253 388 +0 0.65616 0.785268 0.0219619 0.0530865 0.552123 402 +0 0.52869 0.355994 0.0220223 0.0434577 0.628334 54 +0 0.662535 0.629873 0.0246893 0.0627278 0.489607 57 +0 0.196584 0.756342 0.0318123 0.0822971 0.418202 34 +0 0.764992 0.591451 0.0138013 0.0324308 0.649699 117 +0 0.184411 0.447021 0.0200672 0.0571041 0.444377 204 +0 0.938015 0.881716 0.0173785 0.0423593 0.684162 73 +0 0.440561 0.459374 0.0247931 0.0595227 0.6737 83 +0 0.486358 0.375491 0.0346687 0.0708151 0.606311 114 +0 0.584427 0.352587 0.0659669 0.162434 0.728337 3 +0 0.537638 0.643991 0.0252914 0.0495591 0.370325 104 +0 0.664404 0.510019 0.0221352 0.04158 0.693444 127 +0 0.694958 0.568444 0.0152618 0.0491333 0.673164 86 +0 0.682966 0.838352 0.0219798 0.0638255 0.597639 123 +0 0.249868 0.462678 0.021308 0.0588241 0.463933 265 +0 0.858841 0.862925 0.0173276 0.0382469 0.547512 12 +0 0.594642 0.67918 0.0151659 0.0300237 0.463961 30 +0 0.71998 0.215285 0.0196403 0.0489815 0.756184 101 +0 0.379279 0.266108 0.0201085 0.0487009 0.634459 170 +0 0.863199 0.320021 0.0149722 0.030319 0.395508 228 +0 0.732342 0.563148 0.0184025 0.0402124 0.755009 300 +0 0.63051 0.544833 0.0189371 0.0361644 0.375734 42 +0 0.679177 0.921431 0.0166164 0.0472735 0.410895 39 +0 0.571613 0.791289 0.0130891 0.0375285 0.507995 108 diff --git a/src/FlotationAnalytics/output_botsort/track11/labels/image10.txt b/src/FlotationAnalytics/output_botsort/track11/labels/image10.txt new file mode 100644 index 0000000..6f6acf6 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track11/labels/image10.txt @@ -0,0 +1,103 @@ +0 0.813851 0.687039 0.12244 0.18705 0.793842 1 +0 0.276604 0.483584 0.0242043 0.0623225 0.602883 2 +0 0.804437 0.439261 0.0150369 0.043348 0.77559 4 +0 0.939273 0.66 0.0836336 0.197036 0.787536 5 +0 0.451329 0.3295 0.0198161 0.0482751 0.675969 6 +0 0.709393 0.6309 0.0172578 0.0333116 0.31129 7 +0 0.34944 0.577731 0.0895006 0.225807 0.707038 8 +0 0.681466 0.275207 0.0321346 0.0755621 0.447634 13 +0 0.536087 0.587747 0.0204463 0.0477206 0.677772 16 +0 0.711025 0.555197 0.0222137 0.059322 0.617229 18 +0 0.7603 0.581173 0.0231482 0.0534119 0.778665 21 +0 0.924508 0.798459 0.0317956 0.0544799 0.624428 23 +0 0.651732 0.618571 0.0199869 0.0575428 0.656103 29 +0 0.204605 0.608272 0.0232547 0.0710176 0.640728 33 +0 0.219718 0.748422 0.0569095 0.113323 0.477318 38 +0 0.704352 0.704537 0.0351388 0.0856865 0.462571 45 +0 0.89382 0.557552 0.0185732 0.042125 0.717861 47 +0 0.511442 0.657574 0.0228084 0.0567733 0.452325 48 +0 0.483985 0.601359 0.0224157 0.0566812 0.494909 50 +0 0.889645 0.489427 0.0244591 0.0671654 0.590355 60 +0 0.824612 0.480994 0.096046 0.151446 0.829095 63 +0 0.188551 0.688777 0.020355 0.0703782 0.559053 64 +0 0.335044 0.330532 0.0357848 0.0798822 0.409901 68 +0 0.259212 0.618642 0.0230447 0.065467 0.527579 77 +0 0.912995 0.394751 0.0568185 0.0814746 0.621367 80 +0 0.715027 0.462644 0.0245178 0.0612842 0.525732 95 +0 0.529475 0.499012 0.0220747 0.0608116 0.530217 98 +0 0.647638 0.475368 0.023311 0.0555065 0.623914 102 +0 0.421027 0.793852 0.0276874 0.0879714 0.539296 109 +0 0.46677 0.80491 0.0213694 0.0679694 0.452328 111 +0 0.395492 0.172741 0.0868181 0.0960876 0.803495 119 +0 0.753489 0.412674 0.0467666 0.0767455 0.685675 121 +0 0.165476 0.341484 0.0887664 0.178976 0.788636 128 +0 0.895085 0.839978 0.0189263 0.0469749 0.725288 154 +0 0.272484 0.269654 0.128002 0.28099 0.773487 156 +0 0.94061 0.476932 0.0433311 0.0763762 0.405479 163 +0 0.474253 0.66404 0.0409185 0.0818768 0.338993 174 +0 0.982087 0.695019 0.0295629 0.106524 0.473643 185 +0 0.416633 0.653558 0.0283025 0.0855637 0.528047 189 +0 0.974851 0.796971 0.044239 0.104012 0.510444 234 +0 0.276672 0.73576 0.0219548 0.079781 0.555063 236 +0 0.52685 0.79959 0.0351131 0.0886222 0.416717 19 +0 0.152289 0.615203 0.0459307 0.0910918 0.519909 71 +0 0.626874 0.777475 0.0204596 0.0561654 0.647806 82 +0 0.450125 0.880521 0.0181975 0.0589457 0.366536 243 +0 0.872667 0.19638 0.0347273 0.0515161 0.34241 249 +0 0.876749 0.360474 0.0192238 0.0484227 0.736805 260 +0 0.603077 0.619071 0.0391673 0.0704195 0.444538 113 +0 0.902432 0.274126 0.015048 0.0342907 0.637898 272 +0 0.757603 0.0984998 0.165752 0.159934 0.622915 274 +0 0.085798 0.53933 0.0473305 0.100071 0.410286 275 +0 0.961513 0.391349 0.0153609 0.0449166 0.518332 294 +0 0.631041 0.379655 0.0266486 0.043273 0.606322 299 +0 0.785641 0.181873 0.0215472 0.0505968 0.716323 302 +0 0.260244 0.686638 0.021521 0.061477 0.451122 17 +0 0.852118 0.937709 0.0253579 0.054316 0.627592 32 +0 0.96236 0.527887 0.014798 0.0415621 0.617637 72 +0 0.915178 0.311525 0.0179647 0.0460997 0.698108 312 +0 0.318625 0.12182 0.0164815 0.0491727 0.660667 327 +0 0.363408 0.0881723 0.0579208 0.101997 0.652735 329 +0 0.194877 0.437522 0.0212273 0.0552598 0.491023 331 +0 0.430543 0.0788449 0.0431374 0.102166 0.482568 337 +0 0.572968 0.68618 0.0279226 0.0608052 0.668307 344 +0 0.487596 0.513411 0.0385937 0.0955764 0.487682 58 +0 0.584945 0.854124 0.0254865 0.0827809 0.404015 75 +0 0.514115 0.453216 0.0208301 0.0525126 0.580267 89 +0 0.316133 0.782 0.0596627 0.12153 0.79135 46 +0 0.827572 0.570078 0.0121991 0.0360738 0.414925 84 +0 0.718248 0.820948 0.0358664 0.0743553 0.599574 78 +0 0.37432 0.7761 0.0282678 0.0773939 0.492387 364 +0 0.923034 0.256969 0.0154984 0.0409023 0.674348 369 +0 0.677527 0.50114 0.0214835 0.0527355 0.628574 370 +0 0.528599 0.343824 0.0192638 0.0484934 0.587934 380 +0 0.849047 0.135811 0.0734136 0.0982 0.570216 386 +0 0.751875 0.509807 0.0217735 0.0660891 0.597021 387 +0 0.660808 0.815667 0.0315805 0.0900208 0.342345 402 +0 0.516735 0.403044 0.0198221 0.04464 0.550572 54 +0 0.657704 0.691316 0.0297565 0.081051 0.334973 57 +0 0.757549 0.629447 0.0158145 0.0321441 0.321583 117 +0 0.187499 0.504083 0.0214831 0.0625127 0.585086 204 +0 0.428393 0.520497 0.0270811 0.0641221 0.633069 83 +0 0.475401 0.428982 0.0367723 0.0708969 0.379575 114 +0 0.137354 0.490288 0.0187581 0.0619324 0.710783 407 +0 0.435769 0.463382 0.0169235 0.0431324 0.629312 424 +0 0.0854201 0.413999 0.0482441 0.133688 0.64542 434 +0 0.571685 0.398677 0.0686692 0.159471 0.775225 3 +0 0.521993 0.707244 0.0249853 0.0569743 0.703035 104 +0 0.653443 0.550723 0.0265992 0.0521704 0.488315 127 +0 0.685395 0.611138 0.0207539 0.0614892 0.703462 86 +0 0.67417 0.88258 0.0209454 0.0477144 0.628069 123 +0 0.238558 0.521773 0.0239943 0.0590745 0.702322 265 +0 0.57781 0.74684 0.0197944 0.0523649 0.362986 30 +0 0.720557 0.255192 0.0213636 0.0546013 0.698424 101 +0 0.371109 0.331712 0.0207134 0.0551398 0.662938 170 +0 0.72453 0.598072 0.0252815 0.0435835 0.514034 300 +0 0.60728 0.483104 0.0151884 0.0347553 0.432003 140 +0 0.13531 0.695176 0.0240724 0.0834036 0.365362 110 +0 0.756301 0.220041 0.0146669 0.0363792 0.530503 76 +0 0.811068 0.358626 0.0557693 0.0959632 0.708503 92 +0 0.624795 0.516233 0.0264159 0.0499965 0.584291 139 +0 0.549654 0.907742 0.015395 0.0554757 0.375749 343 +0 0.854287 0.864197 0.0153379 0.0435132 0.742191 40 +0 0.648222 0.512045 0.0130912 0.0233837 0.40391 105 diff --git a/src/FlotationAnalytics/output_botsort/track12/labels/image11.txt b/src/FlotationAnalytics/output_botsort/track12/labels/image11.txt new file mode 100644 index 0000000..d59a05f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track12/labels/image11.txt @@ -0,0 +1,119 @@ +0 0.808375 0.704637 0.120009 0.189555 0.783421 1 +0 0.267541 0.510502 0.0229044 0.0681324 0.680046 2 +0 0.934472 0.667818 0.0824667 0.18546 0.771856 5 +0 0.446706 0.350605 0.019338 0.0494026 0.7289 6 +0 0.701499 0.646241 0.0192084 0.0345934 0.5483 7 +0 0.339841 0.594031 0.0915859 0.18975 0.738024 8 +0 0.677081 0.286864 0.0388274 0.07327 0.467396 13 +0 0.528769 0.612631 0.0204689 0.0486259 0.718489 16 +0 0.703827 0.579065 0.0249723 0.0574796 0.599943 18 +0 0.756099 0.598925 0.0235019 0.0560488 0.687438 21 +0 0.911912 0.818092 0.0276133 0.0473363 0.525686 23 +0 0.641278 0.649166 0.0196491 0.0589377 0.427751 29 +0 0.196092 0.63826 0.0193159 0.0667173 0.518785 33 +0 0.696151 0.728564 0.0320869 0.0804257 0.458734 45 +0 0.887814 0.571923 0.0192494 0.0414058 0.720379 47 +0 0.510382 0.677144 0.0305254 0.0672477 0.569767 48 +0 0.475991 0.636998 0.0232671 0.0621269 0.605163 50 +0 0.887132 0.502022 0.0251539 0.0681719 0.580807 60 +0 0.820792 0.498015 0.0967073 0.145088 0.840975 63 +0 0.188312 0.723529 0.0208579 0.0762172 0.611635 64 +0 0.330642 0.368097 0.0375298 0.0840264 0.410455 68 +0 0.251907 0.6709 0.020085 0.0691902 0.594782 77 +0 0.913079 0.405773 0.0523701 0.0819777 0.416933 80 +0 0.708342 0.480873 0.0252846 0.0607105 0.53926 95 +0 0.52203 0.524049 0.0218509 0.062754 0.446573 98 +0 0.640672 0.492447 0.0210202 0.046399 0.572821 102 +0 0.401929 0.85127 0.0438157 0.0974861 0.327129 109 +0 0.461907 0.845007 0.0243782 0.0742783 0.487496 111 +0 0.394247 0.120059 0.0473357 0.0594921 0.511443 119 +0 0.7465 0.437362 0.0488822 0.0783663 0.670909 121 +0 0.163361 0.374294 0.0833456 0.179782 0.778862 128 +0 0.886365 0.856157 0.0183342 0.0455019 0.672675 154 +0 0.270197 0.296587 0.131408 0.297728 0.701863 156 +0 0.938145 0.488771 0.0439549 0.0799082 0.493398 163 +0 0.46051 0.705112 0.0395824 0.0817931 0.397753 174 +0 0.98107 0.703732 0.0320564 0.109114 0.434553 185 +0 0.411817 0.389587 0.0734513 0.0861373 0.776697 189 +0 0.97059 0.803832 0.0501627 0.0995716 0.624836 234 +0 0.530653 0.834371 0.0317706 0.0931358 0.411177 19 +0 0.156967 0.639844 0.0258305 0.0691706 0.372529 71 +0 0.617846 0.813959 0.0231391 0.0691024 0.798333 82 +0 0.875722 0.380347 0.0192385 0.0533424 0.762322 260 +0 0.593986 0.647396 0.0459293 0.0832383 0.489671 113 +0 0.765605 0.0977258 0.165066 0.169053 0.718159 274 +0 0.0904714 0.570136 0.0263264 0.0861613 0.374515 275 +0 0.960226 0.406475 0.0120405 0.0376427 0.373151 294 +0 0.630058 0.395623 0.0285634 0.0486941 0.595958 299 +0 0.785955 0.191741 0.0199599 0.0463018 0.515919 302 +0 0.252135 0.74441 0.0196732 0.0616845 0.425346 17 +0 0.839694 0.953427 0.0190881 0.0447086 0.643377 32 +0 0.959029 0.539018 0.0147052 0.0402782 0.64416 72 +0 0.913087 0.329378 0.0190366 0.0528007 0.681746 312 +0 0.318339 0.143395 0.0170501 0.0487083 0.666051 327 +0 0.363149 0.0985588 0.0594705 0.104465 0.670212 329 +0 0.191506 0.470265 0.020667 0.0610558 0.557209 331 +0 0.430818 0.0859129 0.0487082 0.106227 0.711726 337 +0 0.557808 0.727061 0.0309087 0.0756804 0.612121 344 +0 0.478549 0.541202 0.0476477 0.10517 0.635003 58 +0 0.508128 0.47619 0.019407 0.0471282 0.617593 89 +0 0.306638 0.807694 0.0362739 0.0840961 0.52494 46 +0 0.822635 0.585036 0.0128837 0.0364117 0.417765 84 +0 0.700875 0.851577 0.0208825 0.0702213 0.672583 78 +0 0.365507 0.821204 0.0197904 0.0547527 0.476034 364 +0 0.922257 0.261461 0.0175475 0.0433171 0.574196 369 +0 0.668921 0.522725 0.0211188 0.0516 0.682951 370 +0 0.523997 0.362274 0.0215006 0.0541916 0.437004 380 +0 0.852844 0.137711 0.0827879 0.102983 0.576353 386 +0 0.744483 0.52273 0.0266108 0.0698898 0.486362 387 +0 0.661855 0.831928 0.0274399 0.0885159 0.577052 402 +0 0.51128 0.425166 0.0186695 0.0453524 0.663026 54 +0 0.650383 0.732157 0.0387761 0.0979377 0.374149 57 +0 0.743123 0.669437 0.0192648 0.039642 0.594532 117 +0 0.187104 0.541141 0.0230242 0.0735042 0.432981 204 +0 0.422092 0.550632 0.0270982 0.0673522 0.573841 83 +0 0.470681 0.454595 0.04231 0.0786919 0.5129 114 +0 0.135026 0.521806 0.0177451 0.0629476 0.681087 407 +0 0.431353 0.490622 0.0179131 0.0470944 0.472855 424 +0 0.0827155 0.439113 0.0508543 0.149942 0.698609 434 +0 0.56617 0.418002 0.068226 0.159655 0.763298 3 +0 0.510285 0.748158 0.0224535 0.0666264 0.496786 104 +0 0.645559 0.572166 0.0306409 0.0662729 0.422506 127 +0 0.678309 0.630804 0.020645 0.0619072 0.733785 86 +0 0.231064 0.552223 0.02235 0.0626658 0.517073 265 +0 0.57061 0.794883 0.0177979 0.0516575 0.555292 30 +0 0.723504 0.269175 0.0241343 0.0571901 0.550294 101 +0 0.367087 0.364975 0.018979 0.0544428 0.614329 170 +0 0.719505 0.617828 0.023671 0.041403 0.558354 300 +0 0.652728 0.344743 0.0189828 0.0472318 0.741283 448 +0 0.371701 0.685403 0.0198075 0.052685 0.470115 450 +0 0.659062 0.404395 0.0155366 0.0468366 0.571685 451 +0 0.228371 0.634158 0.0219496 0.0700581 0.613442 452 +0 0.559416 0.524124 0.0182228 0.0462868 0.609862 454 +0 0.620539 0.452987 0.0250691 0.0552872 0.55637 455 +0 0.775343 0.267118 0.0247939 0.059604 0.693937 456 +0 0.270743 0.58888 0.0224582 0.0651424 0.667842 459 +0 0.126713 0.334898 0.0183344 0.0559956 0.642894 464 +0 0.404199 0.383497 0.0426016 0.0953913 0.433198 465 +0 0.90968 0.539652 0.0156339 0.0412903 0.532708 467 +0 0.29702 0.533919 0.0167246 0.0569357 0.491453 468 +0 0.226826 0.49358 0.0209434 0.0554769 0.599977 470 +0 0.735419 0.637973 0.0178691 0.0296857 0.513328 474 +0 0.341431 0.439727 0.0193507 0.0597635 0.617074 475 +0 0.36046 0.266196 0.0150158 0.038584 0.643213 476 +0 0.426269 0.326605 0.0205362 0.0427724 0.602588 477 +0 0.149811 0.229409 0.0232791 0.0654676 0.556296 480 +0 0.508577 0.587529 0.0187376 0.0417954 0.640336 482 +0 0.602869 0.502149 0.0168617 0.0393551 0.635099 140 +0 0.137471 0.715306 0.0154513 0.0568652 0.384358 110 +0 0.805471 0.3815 0.0607309 0.103711 0.708325 92 +0 0.616344 0.538983 0.0203052 0.0497759 0.350369 139 +0 0.258954 0.834525 0.0172842 0.039532 0.424561 94 +0 0.489696 0.849154 0.0197013 0.0608199 0.544338 93 +0 0.696766 0.743809 0.0441091 0.100166 0.418425 56 +0 0.550502 0.0826575 0.096506 0.144126 0.765422 31 +0 0.316503 0.709499 0.0573123 0.11618 0.324969 44 +0 0.81455 0.286122 0.033532 0.055145 0.501166 269 +0 0.867427 0.565268 0.0179576 0.0457741 0.52756 373 +0 0.927304 0.853422 0.0130637 0.0327688 0.457518 388 +0 0.854692 0.908125 0.0125388 0.0333714 0.443806 12 diff --git a/src/FlotationAnalytics/output_botsort/track13/labels/image12.txt b/src/FlotationAnalytics/output_botsort/track13/labels/image12.txt new file mode 100644 index 0000000..cccb17d --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track13/labels/image12.txt @@ -0,0 +1,126 @@ +0 0.799857 0.718193 0.12309 0.202499 0.806003 1 +0 0.260758 0.542386 0.0257795 0.0742521 0.729138 2 +0 0.929352 0.673765 0.0850416 0.177995 0.786092 5 +0 0.443951 0.373817 0.0174961 0.0481725 0.611646 6 +0 0.695878 0.674787 0.0204376 0.0423598 0.630318 7 +0 0.340861 0.620013 0.0746027 0.164353 0.542438 8 +0 0.67039 0.303423 0.0392957 0.0683411 0.575237 13 +0 0.52528 0.637031 0.0213738 0.0524788 0.726378 16 +0 0.694544 0.602746 0.0240495 0.0562443 0.462603 18 +0 0.750715 0.620062 0.0233014 0.056529 0.704005 21 +0 0.901779 0.836701 0.0242377 0.0437653 0.69568 23 +0 0.628568 0.683544 0.0170021 0.0521272 0.535452 29 +0 0.190392 0.682905 0.0182865 0.0688926 0.594895 33 +0 0.685262 0.760864 0.0343237 0.088495 0.364884 45 +0 0.880145 0.588181 0.0203741 0.0425158 0.651224 47 +0 0.505834 0.702371 0.0264274 0.0678975 0.418953 48 +0 0.468545 0.669676 0.0227362 0.0665505 0.610409 50 +0 0.882576 0.517575 0.0273431 0.0693242 0.506752 60 +0 0.814126 0.518624 0.100585 0.143319 0.835551 63 +0 0.19411 0.768548 0.0238448 0.0781339 0.370828 64 +0 0.326163 0.399215 0.0381974 0.0817773 0.403504 68 +0 0.247757 0.721001 0.0184742 0.0638076 0.656005 77 +0 0.911068 0.422337 0.0624522 0.0812812 0.625245 80 +0 0.699914 0.502599 0.0272433 0.0599274 0.642141 95 +0 0.515579 0.54629 0.0205461 0.0580476 0.627469 98 +0 0.63088 0.512939 0.0212531 0.0427056 0.60811 102 +0 0.396569 0.87524 0.026803 0.0600591 0.527976 109 +0 0.454736 0.8926 0.0241911 0.0679308 0.534868 111 +0 0.377592 0.0268745 0.0329247 0.0508208 0.47523 119 +0 0.738833 0.45853 0.0477045 0.0814558 0.500459 121 +0 0.16265 0.404594 0.0786269 0.177632 0.781879 128 +0 0.878161 0.873446 0.0170667 0.045063 0.751417 154 +0 0.265432 0.309373 0.128823 0.281514 0.732863 156 +0 0.934647 0.500196 0.047384 0.0763938 0.423732 163 +0 0.449327 0.741334 0.0341116 0.0801127 0.436769 174 +0 0.980142 0.712835 0.0333781 0.108224 0.45396 185 +0 0.395771 0.343038 0.0731952 0.0952941 0.610857 189 +0 0.963129 0.812993 0.0629183 0.0987759 0.677956 234 +0 0.53008 0.874625 0.0286566 0.0832386 0.393836 19 +0 0.147559 0.652808 0.0207681 0.0667073 0.435087 71 +0 0.605816 0.860516 0.025721 0.0776216 0.644074 82 +0 0.873587 0.39749 0.0224757 0.0604577 0.766395 260 +0 0.582536 0.680712 0.0520145 0.0902912 0.536815 113 +0 0.690555 0.0683023 0.102674 0.124481 0.480392 274 +0 0.0834171 0.623261 0.050531 0.138589 0.550557 275 +0 0.515839 0.265508 0.0644443 0.0734467 0.748603 294 +0 0.625225 0.411542 0.0289241 0.0530049 0.645348 299 +0 0.956345 0.550266 0.0139388 0.0393606 0.546225 72 +0 0.911301 0.348652 0.018429 0.0542172 0.601568 312 +0 0.31642 0.166201 0.0177001 0.0509829 0.659681 327 +0 0.360918 0.114179 0.0603224 0.114558 0.717048 329 +0 0.190352 0.503214 0.0203471 0.0609586 0.610596 331 +0 0.426906 0.101338 0.0470986 0.105867 0.608064 337 +0 0.545715 0.766653 0.0279282 0.0773166 0.345084 344 +0 0.472722 0.570862 0.0470626 0.109751 0.586206 58 +0 0.502502 0.498391 0.0193055 0.046669 0.626317 89 +0 0.308437 0.82978 0.0233957 0.0558036 0.713022 46 +0 0.81549 0.602291 0.0143301 0.0367775 0.331412 84 +0 0.692661 0.881184 0.0144504 0.0468975 0.626841 78 +0 0.353283 0.839966 0.0171628 0.0454998 0.547623 364 +0 0.658601 0.543659 0.0217625 0.049904 0.721886 370 +0 0.517785 0.385195 0.0218729 0.0583161 0.617263 380 +0 0.835202 0.133879 0.142034 0.13564 0.57216 386 +0 0.73483 0.542126 0.0302752 0.0713996 0.474371 387 +0 0.505035 0.447066 0.0193154 0.0441594 0.619983 54 +0 0.641601 0.767388 0.0347015 0.0992212 0.376089 57 +0 0.733343 0.69622 0.0229654 0.0533405 0.496494 117 +0 0.185855 0.578659 0.0250242 0.0797787 0.400051 204 +0 0.414896 0.584677 0.0279022 0.0709573 0.441664 83 +0 0.46393 0.481148 0.0446308 0.078091 0.460628 114 +0 0.134399 0.552997 0.0178333 0.0605665 0.692611 407 +0 0.424964 0.514093 0.0203357 0.0423544 0.322017 424 +0 0.0821181 0.466693 0.0538637 0.161003 0.738111 434 +0 0.560408 0.442526 0.0697419 0.149669 0.757085 3 +0 0.501979 0.794546 0.0216963 0.0687522 0.625602 104 +0 0.633722 0.600765 0.0435775 0.075573 0.421547 127 +0 0.665518 0.661492 0.0202676 0.0586932 0.738905 86 +0 0.226036 0.588336 0.02057 0.0633572 0.453639 265 +0 0.56137 0.845939 0.0220837 0.058325 0.371034 30 +0 0.722007 0.282227 0.025285 0.0652025 0.544882 101 +0 0.363528 0.397136 0.0176279 0.0553019 0.681488 170 +0 0.713208 0.636408 0.0228402 0.0415293 0.637093 300 +0 0.648047 0.363422 0.0171463 0.0471413 0.686676 448 +0 0.36155 0.728927 0.0183714 0.054298 0.678001 450 +0 0.651564 0.423521 0.0144829 0.0425887 0.4089 451 +0 0.22532 0.670585 0.021729 0.0728607 0.634551 452 +0 0.5525 0.544448 0.0174271 0.0465203 0.537296 454 +0 0.614149 0.471575 0.0230907 0.0539907 0.704101 455 +0 0.768197 0.279075 0.0248592 0.0597669 0.591087 456 +0 0.264989 0.623608 0.0212399 0.0682041 0.66303 459 +0 0.124123 0.363721 0.0166532 0.055268 0.64532 464 +0 0.400595 0.405456 0.0354058 0.0935452 0.433253 465 +0 0.903768 0.556071 0.0134191 0.0369825 0.397148 467 +0 0.292605 0.564275 0.0195328 0.0615637 0.584307 468 +0 0.222624 0.526359 0.0205074 0.0606224 0.563449 470 +0 0.729441 0.6569 0.0165579 0.0196363 0.332036 474 +0 0.337174 0.468715 0.0204435 0.0583464 0.698138 475 +0 0.354503 0.282418 0.014851 0.0376974 0.365124 476 +0 0.422772 0.347345 0.0158377 0.0384733 0.465971 477 +0 0.143399 0.255497 0.038361 0.0719445 0.457855 480 +0 0.596844 0.5202 0.0174417 0.0369811 0.678091 140 +0 0.79579 0.406041 0.0642536 0.101858 0.623437 92 +0 0.607205 0.566101 0.0214824 0.0532542 0.406854 139 +0 0.549405 0.610857 0.0179745 0.0428966 0.741747 507 +0 0.475645 0.0737272 0.0218382 0.0481362 0.623021 514 +0 0.459748 0.434505 0.0164997 0.0344419 0.543681 517 +0 0.847261 0.294962 0.0156233 0.0389067 0.675958 521 +0 0.690635 0.410392 0.0485943 0.0938734 0.551392 523 +0 0.583803 0.615934 0.018498 0.0481489 0.672303 533 +0 0.491433 0.420729 0.0161195 0.0275836 0.552185 534 +0 0.490788 0.376423 0.0193117 0.0412265 0.623599 539 +0 0.254928 0.851417 0.0184031 0.053369 0.66293 94 +0 0.559073 0.07902 0.0903973 0.15018 0.701533 31 +0 0.317211 0.714768 0.0386504 0.0754369 0.340533 44 +0 0.807418 0.308908 0.0367958 0.0702403 0.43721 269 +0 0.860877 0.582071 0.0171807 0.0443538 0.368935 373 +0 0.920453 0.865314 0.0137534 0.0342364 0.644925 388 +0 0.40165 0.723005 0.0300065 0.0835836 0.485827 125 +0 0.290777 0.922065 0.0127706 0.041562 0.433659 209 +0 0.640441 0.202349 0.0175991 0.0457862 0.6534 225 +0 0.476212 0.915863 0.0190147 0.0639341 0.598444 74 +0 0.618438 0.343329 0.0274581 0.0586081 0.659648 27 +0 0.2657 0.777565 0.01501 0.0480562 0.503333 236 +0 0.877236 0.274588 0.0171137 0.0531123 0.676806 272 +0 0.577644 0.870661 0.0203053 0.0557285 0.487316 75 +0 0.629484 0.557175 0.0189702 0.0284407 0.325129 105 diff --git a/src/FlotationAnalytics/output_botsort/track14/labels/image13.txt b/src/FlotationAnalytics/output_botsort/track14/labels/image13.txt new file mode 100644 index 0000000..1739ca1 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track14/labels/image13.txt @@ -0,0 +1,120 @@ +0 0.794066 0.743853 0.12833 0.192322 0.803648 1 +0 0.253554 0.579966 0.0244624 0.0743838 0.654936 2 +0 0.934978 0.736292 0.0401971 0.0765255 0.482575 5 +0 0.435734 0.404711 0.018303 0.0462993 0.657976 6 +0 0.688508 0.702408 0.0219843 0.0457449 0.4565 7 +0 0.341108 0.655739 0.0645716 0.161626 0.57334 8 +0 0.666365 0.321927 0.0413809 0.0719426 0.523339 13 +0 0.519398 0.667906 0.0231108 0.0606829 0.599933 16 +0 0.685497 0.627793 0.0274393 0.0588549 0.372447 18 +0 0.743395 0.642911 0.0235433 0.0595977 0.66139 21 +0 0.894698 0.853165 0.0195941 0.0373895 0.566475 23 +0 0.618542 0.714856 0.0180092 0.0548135 0.478031 29 +0 0.187629 0.729547 0.0188861 0.0693798 0.690895 33 +0 0.676846 0.785085 0.02931 0.0765286 0.388605 45 +0 0.871909 0.604015 0.0244519 0.052035 0.687964 47 +0 0.501638 0.730977 0.0243291 0.0597775 0.581157 48 +0 0.46454 0.705877 0.0250246 0.0694933 0.681146 50 +0 0.876519 0.53124 0.0271641 0.0680795 0.657312 60 +0 0.806902 0.539646 0.106074 0.139981 0.847287 63 +0 0.194986 0.806622 0.0193194 0.057878 0.606679 64 +0 0.323107 0.437432 0.0331846 0.084256 0.480302 68 +0 0.244569 0.777417 0.0179234 0.0565732 0.529939 77 +0 0.907346 0.440264 0.0610262 0.0853061 0.526507 80 +0 0.691985 0.524882 0.0236534 0.0576457 0.386037 95 +0 0.50942 0.575038 0.0208664 0.0630709 0.500426 98 +0 0.621587 0.539028 0.0222765 0.0452394 0.374286 102 +0 0.450218 0.905986 0.0207779 0.0500919 0.657669 111 +0 0.775167 0.228415 0.0236678 0.0464707 0.786103 119 +0 0.727796 0.484724 0.047294 0.0759428 0.504885 121 +0 0.160276 0.444288 0.0788223 0.183281 0.795892 128 +0 0.873584 0.887485 0.0158562 0.0390729 0.725196 154 +0 0.2159 0.289569 0.0757639 0.157069 0.503682 156 +0 0.928585 0.560186 0.0374315 0.0969652 0.36523 163 +0 0.442136 0.771939 0.0260278 0.0651869 0.713958 174 +0 0.979678 0.72015 0.0377714 0.109942 0.586589 185 +0 0.380446 0.348079 0.0760696 0.0985065 0.624666 189 +0 0.96093 0.819037 0.0686713 0.0965537 0.577528 234 +0 0.517171 0.902073 0.0230341 0.0551803 0.385509 19 +0 0.598665 0.906023 0.0229744 0.0702127 0.619739 82 +0 0.867917 0.415589 0.0228587 0.0599623 0.69658 260 +0 0.574093 0.71963 0.0507948 0.101522 0.533531 113 +0 0.648205 0.0575374 0.0683586 0.108416 0.656423 274 +0 0.0818664 0.67968 0.0531066 0.144609 0.621342 275 +0 0.396101 0.250522 0.0757907 0.0880357 0.748898 294 +0 0.620543 0.434124 0.0291574 0.0542022 0.577594 299 +0 0.90791 0.367296 0.0193611 0.0538572 0.669932 312 +0 0.312781 0.188935 0.0164458 0.0469339 0.683022 327 +0 0.355901 0.135201 0.0646193 0.120578 0.724217 329 +0 0.18791 0.542175 0.0199945 0.0620351 0.675398 331 +0 0.425206 0.123267 0.0467153 0.104134 0.627237 337 +0 0.531947 0.817481 0.0234515 0.0543839 0.51249 344 +0 0.465091 0.604527 0.0500296 0.113502 0.655137 58 +0 0.495222 0.530006 0.0207377 0.0525869 0.584251 89 +0 0.648587 0.566771 0.0210801 0.0523344 0.738552 370 +0 0.504433 0.422179 0.0234937 0.0528679 0.581115 380 +0 0.795589 0.112045 0.165475 0.165628 0.612936 386 +0 0.725295 0.564954 0.0310375 0.0727768 0.484241 387 +0 0.494551 0.479966 0.0204971 0.0437698 0.434254 54 +0 0.633567 0.794677 0.0298056 0.0842013 0.393154 57 +0 0.724778 0.71962 0.0279382 0.06366 0.562986 117 +0 0.181286 0.617125 0.0227543 0.072275 0.570043 204 +0 0.406536 0.62461 0.0303417 0.0754761 0.412088 83 +0 0.455718 0.512684 0.0455639 0.0775319 0.451844 114 +0 0.130445 0.594578 0.0191526 0.0627375 0.689622 407 +0 0.419223 0.559871 0.0197746 0.0458835 0.510162 424 +0 0.0813514 0.502939 0.0574031 0.17158 0.6897 434 +0 0.553703 0.47481 0.0730266 0.133257 0.777784 3 +0 0.495929 0.833184 0.0151722 0.0390363 0.330084 104 +0 0.625212 0.628544 0.0446695 0.0833584 0.346011 127 +0 0.654772 0.689477 0.0198949 0.0557098 0.698411 86 +0 0.220281 0.635159 0.0214716 0.0647518 0.649199 265 +0 0.553928 0.895965 0.0190741 0.056717 0.602689 30 +0 0.721072 0.291884 0.0301169 0.0680421 0.601707 101 +0 0.3574 0.430038 0.0162819 0.0467649 0.506439 170 +0 0.703631 0.661044 0.0266694 0.04308 0.499224 300 +0 0.643187 0.386734 0.0184023 0.0463897 0.752882 448 +0 0.350605 0.784554 0.0150711 0.0427354 0.407174 450 +0 0.22216 0.713988 0.0214976 0.0691566 0.634717 452 +0 0.543269 0.575093 0.0149912 0.0412812 0.409961 454 +0 0.609477 0.494342 0.0229232 0.0517091 0.621922 455 +0 0.761247 0.294826 0.0235787 0.0614352 0.650123 456 +0 0.257686 0.666822 0.0222466 0.0735504 0.619653 459 +0 0.121548 0.397942 0.017323 0.0532662 0.588259 464 +0 0.391815 0.440165 0.0447727 0.09651 0.560468 465 +0 0.284749 0.60506 0.0207962 0.0636415 0.583422 468 +0 0.217203 0.568895 0.0216415 0.071174 0.589295 470 +0 0.332264 0.51055 0.0176913 0.06118 0.423412 475 +0 0.416246 0.380007 0.0140577 0.0374372 0.683485 477 +0 0.133037 0.285506 0.046463 0.0704373 0.440331 480 +0 0.58861 0.540293 0.0183279 0.0418201 0.558523 140 +0 0.786968 0.425682 0.0671935 0.102954 0.715209 92 +0 0.598887 0.592342 0.0250436 0.0575698 0.366993 139 +0 0.544724 0.641127 0.0199357 0.0517912 0.612621 507 +0 0.468427 0.0958085 0.0217359 0.0469777 0.703933 514 +0 0.840284 0.309518 0.0159749 0.0406493 0.699643 521 +0 0.678588 0.4422 0.049614 0.119628 0.619782 523 +0 0.57374 0.647394 0.0173993 0.0471948 0.423317 533 +0 0.479075 0.411058 0.0258881 0.0484638 0.548763 539 +0 0.557257 0.0893784 0.0816901 0.139638 0.778277 31 +0 0.317527 0.738109 0.0234575 0.0508018 0.421656 44 +0 0.798973 0.325545 0.040617 0.0800936 0.52731 269 +0 0.916436 0.874704 0.0134573 0.0345596 0.723861 388 +0 0.904609 0.806343 0.0240112 0.0464901 0.727839 553 +0 0.433027 0.45595 0.0190297 0.039363 0.514656 556 +0 0.477645 0.286914 0.0741704 0.182383 0.758342 562 +0 0.603344 0.162768 0.0505392 0.0852799 0.687545 563 +0 0.747266 0.389818 0.0185944 0.0500485 0.665578 582 +0 0.980865 0.466096 0.0353041 0.151548 0.629268 594 +0 0.396043 0.75862 0.0302587 0.0883603 0.484986 125 +0 0.291209 0.949117 0.0132035 0.0412787 0.455508 209 +0 0.637618 0.207626 0.017361 0.0454185 0.576162 225 +0 0.474273 0.950003 0.0179377 0.0595556 0.783688 74 +0 0.612672 0.367381 0.0262461 0.0560465 0.714963 27 +0 0.263738 0.798736 0.0130873 0.0458006 0.493159 236 +0 0.86858 0.284536 0.0187701 0.0547304 0.709424 272 +0 0.100637 0.764068 0.0155307 0.0514545 0.44691 43 +0 0.593497 0.323773 0.020956 0.0514682 0.69218 14 +0 0.835352 0.388437 0.0143319 0.039035 0.448346 228 +0 0.867427 0.160655 0.0749834 0.0987394 0.586013 249 +0 0.491214 0.886432 0.0209341 0.05349 0.595057 93 diff --git a/src/FlotationAnalytics/output_botsort/track15/labels/image14.txt b/src/FlotationAnalytics/output_botsort/track15/labels/image14.txt new file mode 100644 index 0000000..893c5b1 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track15/labels/image14.txt @@ -0,0 +1,123 @@ +0 0.793082 0.766688 0.128298 0.190259 0.760226 1 +0 0.246535 0.61788 0.0252487 0.0702579 0.599261 2 +0 0.43249 0.429801 0.0172268 0.0494494 0.683695 6 +0 0.679622 0.732271 0.0207923 0.0485284 0.497679 7 +0 0.335647 0.668461 0.0299217 0.0895845 0.770588 8 +0 0.662364 0.336953 0.042196 0.0694735 0.598868 13 +0 0.513269 0.699295 0.0217651 0.0530022 0.53526 16 +0 0.678774 0.653517 0.0257301 0.0573935 0.499308 18 +0 0.735417 0.66612 0.0248945 0.0590333 0.632877 21 +0 0.890271 0.862427 0.017041 0.0343203 0.587794 23 +0 0.406506 0.28107 0.0168188 0.0523388 0.793366 29 +0 0.66921 0.809407 0.0252537 0.0674759 0.597382 45 +0 0.861912 0.623255 0.0268346 0.0564599 0.61454 47 +0 0.499004 0.757005 0.0219313 0.0624428 0.583298 48 +0 0.458798 0.737305 0.0231034 0.0675796 0.599715 50 +0 0.868313 0.550657 0.0260883 0.0701283 0.752247 60 +0 0.79887 0.56322 0.103292 0.14128 0.828028 63 +0 0.31892 0.475923 0.0241176 0.0776734 0.538074 68 +0 0.243094 0.811379 0.017722 0.0399541 0.43872 77 +0 0.903317 0.463045 0.0579412 0.084159 0.763206 80 +0 0.685765 0.547792 0.0214951 0.0558717 0.370873 95 +0 0.501037 0.608 0.0212377 0.0633992 0.315276 98 +0 0.613652 0.56273 0.0219422 0.0445383 0.690116 102 +0 0.72143 0.509079 0.0488131 0.0743377 0.559282 121 +0 0.152964 0.48002 0.0770683 0.181835 0.772917 128 +0 0.211991 0.339799 0.041127 0.0885139 0.656979 156 +0 0.923894 0.636953 0.0797612 0.166858 0.770033 163 +0 0.422646 0.807313 0.0183945 0.0540025 0.668637 174 +0 0.978979 0.72749 0.0409187 0.10629 0.624292 185 +0 0.375488 0.363627 0.0757441 0.097489 0.710694 189 +0 0.957982 0.826802 0.0729227 0.0923123 0.656384 234 +0 0.865498 0.437122 0.0214654 0.0549545 0.784314 260 +0 0.638878 0.0594071 0.0670849 0.113596 0.720878 274 +0 0.0887048 0.710377 0.0305065 0.0893561 0.651488 275 +0 0.262795 0.229653 0.0543159 0.0801489 0.617249 294 +0 0.617299 0.4492 0.0280021 0.0553091 0.622236 299 +0 0.90667 0.388491 0.0202399 0.0563129 0.653565 312 +0 0.318028 0.199643 0.0133236 0.038438 0.315025 327 +0 0.356159 0.15177 0.0665925 0.120056 0.679222 329 +0 0.425664 0.14964 0.0489077 0.102043 0.617956 337 +0 0.527704 0.85412 0.0251546 0.0823532 0.699612 344 +0 0.45879 0.638494 0.0476093 0.113623 0.671831 58 +0 0.489216 0.561162 0.0215305 0.0541297 0.728034 89 +0 0.64167 0.586767 0.0212281 0.0509488 0.728203 370 +0 0.493752 0.457079 0.0217104 0.0481433 0.704538 380 +0 0.780638 0.111078 0.173402 0.196676 0.681404 386 +0 0.714529 0.588804 0.03802 0.0766817 0.463456 387 +0 0.486048 0.510935 0.0192897 0.0442961 0.639731 54 +0 0.625563 0.819989 0.0244373 0.0689781 0.618537 57 +0 0.716724 0.745135 0.0268751 0.0698855 0.674485 117 +0 0.175035 0.649865 0.0215037 0.0621688 0.576272 204 +0 0.400633 0.66447 0.0421951 0.0823754 0.4555 83 +0 0.448269 0.546706 0.0473108 0.0752785 0.481759 114 +0 0.127153 0.625035 0.0172663 0.0648862 0.562005 407 +0 0.413982 0.598864 0.0183403 0.0474059 0.507823 424 +0 0.0784115 0.53354 0.0550072 0.179591 0.602955 434 +0 0.545937 0.500659 0.0729063 0.132177 0.8027 3 +0 0.479701 0.864435 0.0195125 0.0516202 0.776743 104 +0 0.618053 0.656752 0.0387867 0.0960688 0.356226 127 +0 0.645641 0.717563 0.0203999 0.0629443 0.670837 86 +0 0.214512 0.672716 0.0212518 0.0645537 0.733896 265 +0 0.722878 0.300754 0.0327266 0.0719249 0.659077 101 +0 0.352669 0.46427 0.0166107 0.0514687 0.706979 170 +0 0.697175 0.68718 0.0246266 0.0449638 0.538824 300 +0 0.638306 0.400272 0.0184034 0.0446451 0.746829 448 +0 0.342149 0.812813 0.0179042 0.0558527 0.403916 450 +0 0.21919 0.749553 0.0202071 0.0660151 0.593957 452 +0 0.536749 0.602365 0.0192641 0.0512141 0.605396 454 +0 0.605946 0.514705 0.022664 0.0511699 0.582679 455 +0 0.75807 0.309319 0.0227699 0.0627395 0.588288 456 +0 0.252967 0.698716 0.0190684 0.057086 0.398296 459 +0 0.387785 0.463957 0.0438769 0.0998662 0.581114 465 +0 0.277303 0.641713 0.0205816 0.0606068 0.534516 468 +0 0.210487 0.608324 0.0243461 0.0773765 0.482801 470 +0 0.330768 0.551482 0.0167657 0.0573076 0.538864 475 +0 0.133585 0.31484 0.0328446 0.0673194 0.534174 480 +0 0.583494 0.562298 0.0177034 0.0430718 0.673772 140 +0 0.780444 0.44682 0.0701894 0.101094 0.758408 92 +0 0.591052 0.618914 0.0252174 0.0631297 0.538002 139 +0 0.538933 0.672958 0.0202693 0.051146 0.668503 507 +0 0.465979 0.115947 0.0189395 0.0468596 0.62711 514 +0 0.837393 0.326033 0.0155964 0.0421311 0.591745 521 +0 0.673275 0.46312 0.0501238 0.122729 0.717478 523 +0 0.565944 0.679631 0.0147222 0.0350864 0.38341 533 +0 0.480811 0.423614 0.021333 0.0435727 0.409225 539 +0 0.558173 0.104458 0.0785439 0.146497 0.77753 31 +0 0.315912 0.761589 0.0199394 0.0504297 0.624092 44 +0 0.79708 0.340381 0.0391373 0.0861205 0.617972 269 +0 0.914478 0.880767 0.0128207 0.0347446 0.707827 388 +0 0.898441 0.816173 0.0243985 0.0457216 0.645565 553 +0 0.426608 0.478973 0.0165079 0.0374715 0.571369 556 +0 0.473111 0.309791 0.0732071 0.183814 0.782561 562 +0 0.601353 0.179936 0.0522607 0.0931256 0.721357 563 +0 0.741123 0.40856 0.0185463 0.0492272 0.716247 582 +0 0.976144 0.491951 0.044998 0.173201 0.719623 594 +0 0.385934 0.807958 0.0301949 0.0899242 0.502243 125 +0 0.63833 0.226555 0.017767 0.0456887 0.768765 225 +0 0.610638 0.374057 0.0263307 0.0580987 0.637005 27 +0 0.86428 0.299483 0.0200137 0.0568169 0.694678 272 +0 0.520387 0.372349 0.0171909 0.0549919 0.556436 600 +0 0.822366 0.263534 0.0165921 0.0460199 0.782456 601 +0 0.541363 0.296983 0.0249347 0.0562421 0.449012 603 +0 0.226212 0.126197 0.0950079 0.116091 0.793194 604 +0 0.52568 0.743303 0.0175174 0.0524291 0.560674 614 +0 0.922248 0.31343 0.0161026 0.0428789 0.679685 620 +0 0.29447 0.274019 0.0215878 0.0618066 0.698465 624 +0 0.505871 0.0484914 0.054903 0.0874382 0.609333 625 +0 0.523006 0.233801 0.0182495 0.0586124 0.638797 627 +0 0.242372 0.404201 0.0204469 0.0554264 0.712218 628 +0 0.463843 0.0672937 0.0155411 0.0389522 0.637335 630 +0 0.821079 0.359131 0.015215 0.0354414 0.48417 648 +0 0.590223 0.292631 0.0227181 0.0736868 0.441007 14 +0 0.832073 0.405286 0.0134277 0.0395764 0.406379 228 +0 0.866362 0.165768 0.0821273 0.108832 0.762636 249 +0 0.485453 0.921493 0.0174568 0.0476334 0.614874 93 +0 0.337625 0.717102 0.0222093 0.0540212 0.599447 28 +0 0.271365 0.466883 0.0163767 0.0510332 0.493222 221 +0 0.852368 0.384272 0.0152829 0.0400922 0.343998 219 +0 0.143738 0.737756 0.0117257 0.0385825 0.354948 71 +0 0.317805 0.38309 0.0332554 0.0744118 0.627622 476 +0 0.440053 0.502796 0.0189687 0.0372841 0.519095 517 +0 0.467911 0.484493 0.0144819 0.0363761 0.580666 534 +0 0.571444 0.85918 0.0305392 0.0803597 0.554786 75 diff --git a/src/FlotationAnalytics/output_botsort/track16/labels/image15.txt b/src/FlotationAnalytics/output_botsort/track16/labels/image15.txt new file mode 100644 index 0000000..57747ee --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track16/labels/image15.txt @@ -0,0 +1,134 @@ +0 0.786101 0.788033 0.12532 0.187515 0.781504 1 +0 0.240873 0.656262 0.0238059 0.0672137 0.582572 2 +0 0.430903 0.456291 0.0179049 0.0520491 0.654165 6 +0 0.672 0.759968 0.0198731 0.0492639 0.624759 7 +0 0.319904 0.668385 0.017029 0.0507595 0.700813 8 +0 0.659728 0.35261 0.0460487 0.0695559 0.521577 13 +0 0.504095 0.734306 0.0218465 0.0591663 0.548221 16 +0 0.670605 0.680918 0.0254372 0.0579827 0.477907 18 +0 0.726389 0.688914 0.0238512 0.0579924 0.674744 21 +0 0.887308 0.870497 0.0162543 0.0290329 0.476352 23 +0 0.389871 0.273586 0.0499342 0.0813325 0.676677 29 +0 0.659935 0.836308 0.0202079 0.0538733 0.453175 45 +0 0.491749 0.792244 0.0185598 0.0598924 0.505788 48 +0 0.455351 0.769999 0.0213447 0.0683811 0.621629 50 +0 0.857641 0.574071 0.0267567 0.0659216 0.562554 60 +0 0.78392 0.584951 0.0991083 0.139037 0.801005 63 +0 0.320079 0.510575 0.0233284 0.0743076 0.36406 68 +0 0.245508 0.828389 0.0148924 0.0484543 0.355465 77 +0 0.89383 0.490608 0.0562881 0.0863592 0.668501 80 +0 0.674919 0.568536 0.0307822 0.0607932 0.446473 95 +0 0.492783 0.638411 0.018353 0.0566939 0.614792 98 +0 0.605362 0.587209 0.0203797 0.0434803 0.673755 102 +0 0.722091 0.528983 0.0263645 0.0528326 0.580713 121 +0 0.146511 0.514776 0.0731009 0.186294 0.741743 128 +0 0.205856 0.375392 0.0365449 0.0798839 0.53547 156 +0 0.917592 0.674832 0.0920735 0.188663 0.762288 163 +0 0.60724 0.418122 0.0166579 0.0466837 0.7874 174 +0 0.975892 0.733854 0.0440078 0.105722 0.545217 185 +0 0.371839 0.384239 0.0765284 0.107831 0.734234 189 +0 0.951776 0.831402 0.0745219 0.0897197 0.643611 234 +0 0.857287 0.464661 0.0238148 0.0522996 0.510874 260 +0 0.636543 0.0656908 0.0665691 0.126068 0.736822 274 +0 0.157016 0.207396 0.0359231 0.0626513 0.690819 294 +0 0.611199 0.466518 0.0282885 0.0576867 0.653536 299 +0 0.901659 0.412755 0.0214485 0.0579135 0.702063 312 +0 0.357327 0.165922 0.0694686 0.123928 0.739769 329 +0 0.428166 0.170704 0.0494164 0.0996669 0.680698 337 +0 0.525158 0.882362 0.0239942 0.0789394 0.511071 344 +0 0.455284 0.669764 0.0464547 0.118 0.611011 58 +0 0.482744 0.589176 0.0200439 0.0495333 0.69468 89 +0 0.63407 0.60226 0.0198884 0.0483086 0.742323 370 +0 0.485983 0.488526 0.0209167 0.0447924 0.646553 380 +0 0.772706 0.114867 0.170031 0.215324 0.721327 386 +0 0.707315 0.611347 0.0265119 0.0597075 0.492011 387 +0 0.479478 0.540216 0.0194956 0.0416692 0.575718 54 +0 0.70656 0.771249 0.0231635 0.0616639 0.382335 117 +0 0.400668 0.69707 0.0427758 0.08378 0.328343 83 +0 0.441506 0.576744 0.0451163 0.0688417 0.421178 114 +0 0.41309 0.629051 0.0175414 0.047604 0.688129 424 +0 0.0765313 0.562749 0.0491244 0.153396 0.354424 434 +0 0.539551 0.527256 0.0748056 0.133982 0.803599 3 +0 0.464696 0.903222 0.0196024 0.0640566 0.615417 104 +0 0.610023 0.689334 0.029896 0.0806011 0.38191 127 +0 0.638602 0.747322 0.0200197 0.062173 0.702213 86 +0 0.209315 0.708796 0.0193711 0.058746 0.49819 265 +0 0.721527 0.31359 0.0327823 0.0738304 0.558167 101 +0 0.351499 0.495393 0.0165847 0.0531856 0.689084 170 +0 0.688366 0.714945 0.0224937 0.0419263 0.708259 300 +0 0.632176 0.416321 0.0182063 0.0425349 0.708495 448 +0 0.331345 0.833682 0.0188841 0.0522234 0.357812 450 +0 0.216529 0.775139 0.0151858 0.0449849 0.650846 452 +0 0.530215 0.626463 0.0205338 0.0535916 0.638351 454 +0 0.601557 0.533569 0.0222652 0.0518114 0.519329 455 +0 0.754176 0.323527 0.022634 0.0646603 0.534905 456 +0 0.238464 0.731018 0.0192371 0.0593705 0.762726 459 +0 0.388023 0.487726 0.0383934 0.0950247 0.528323 465 +0 0.268767 0.680159 0.0217286 0.0621829 0.555805 468 +0 0.204734 0.644556 0.0225292 0.0672052 0.628263 470 +0 0.333391 0.576293 0.0164205 0.0504315 0.688216 475 +0 0.13322 0.346145 0.0241956 0.0644238 0.552169 480 +0 0.578027 0.58379 0.0182841 0.0458287 0.715277 140 +0 0.773484 0.462726 0.0671339 0.104697 0.667765 92 +0 0.584093 0.644441 0.02616 0.0655353 0.565346 139 +0 0.534429 0.700629 0.0192907 0.0410788 0.76592 507 +0 0.466956 0.136697 0.0208993 0.0446012 0.660881 514 +0 0.832238 0.343567 0.0160017 0.0390657 0.594386 521 +0 0.666496 0.476539 0.0500561 0.11211 0.62947 523 +0 0.561062 0.711972 0.0141553 0.0367318 0.33647 533 +0 0.477278 0.446187 0.0177604 0.04093 0.616389 539 +0 0.556698 0.124347 0.0769408 0.148616 0.7783 31 +0 0.794089 0.355349 0.0390978 0.0890569 0.554604 269 +0 0.91121 0.885676 0.0121056 0.0316926 0.41222 388 +0 0.891915 0.822529 0.0230427 0.0487032 0.64349 553 +0 0.422461 0.513006 0.0175632 0.0490587 0.433949 556 +0 0.47017 0.330729 0.0727827 0.186507 0.809519 562 +0 0.599068 0.19467 0.0530508 0.0991257 0.665684 563 +0 0.734832 0.423632 0.0184705 0.0454076 0.726719 582 +0 0.970053 0.508905 0.0538583 0.180524 0.769011 594 +0 0.379934 0.849329 0.0294576 0.0789183 0.633954 125 +0 0.637491 0.240117 0.0179828 0.050675 0.706957 225 +0 0.606244 0.387338 0.0288347 0.0657895 0.558264 27 +0 0.859777 0.317156 0.0209641 0.0560872 0.764883 272 +0 0.514563 0.399513 0.018651 0.0554142 0.685043 600 +0 0.818897 0.278857 0.0171241 0.0476714 0.76169 601 +0 0.535205 0.323411 0.0242397 0.051595 0.592837 603 +0 0.221348 0.146791 0.0933554 0.103178 0.65898 604 +0 0.518014 0.781602 0.0180276 0.0618923 0.547449 614 +0 0.919548 0.333302 0.0173666 0.0453662 0.708863 620 +0 0.293689 0.296508 0.0232035 0.0601198 0.688361 624 +0 0.504107 0.0592546 0.0518876 0.0994327 0.572993 625 +0 0.5214 0.255904 0.0178226 0.0603778 0.653886 627 +0 0.237542 0.435168 0.0216237 0.0644685 0.640014 628 +0 0.461589 0.0884242 0.0172062 0.0405026 0.644963 630 +0 0.815279 0.37715 0.0158348 0.0365579 0.502479 648 +0 0.581048 0.306811 0.0372409 0.0843693 0.615434 14 +0 0.863966 0.175793 0.0888768 0.120491 0.782498 249 +0 0.48469 0.91445 0.020621 0.0477528 0.69134 93 +0 0.934387 0.369541 0.0197975 0.0498543 0.70224 656 +0 0.153198 0.263561 0.0180039 0.0559219 0.62163 670 +0 0.253195 0.33406 0.0283546 0.068925 0.523498 673 +0 0.933078 0.425859 0.0188719 0.0465563 0.666116 674 +0 0.108422 0.281398 0.0187331 0.0579135 0.63572 675 +0 0.363281 0.692372 0.0208516 0.0563266 0.695902 679 +0 0.278605 0.435267 0.0190646 0.0579371 0.613116 681 +0 0.546834 0.274523 0.0195197 0.0396721 0.618715 682 +0 0.182224 0.311849 0.0374466 0.0796413 0.489334 687 +0 0.200774 0.50292 0.0212262 0.0673212 0.589112 691 +0 0.377304 0.0465403 0.0506199 0.0818523 0.709733 692 +0 0.548514 0.3939 0.0296125 0.0812124 0.51862 700 +0 0.335335 0.754755 0.040663 0.0836766 0.362137 28 +0 0.26582 0.493622 0.017951 0.0511938 0.648414 221 +0 0.848328 0.399951 0.0235729 0.0502278 0.643767 219 +0 0.309774 0.420335 0.0387947 0.0859522 0.33057 476 +0 0.435326 0.531984 0.0166884 0.0371526 0.382313 517 +0 0.461689 0.512972 0.0155019 0.038105 0.475995 534 +0 0.563349 0.889371 0.0277281 0.07378 0.622528 75 +0 0.903602 0.289157 0.0165527 0.0547312 0.572351 369 +0 0.786056 0.666168 0.0180507 0.0370606 0.425454 84 +0 0.847811 0.643678 0.0239785 0.0491729 0.572074 373 +0 0.933434 0.770762 0.0179098 0.0388315 0.507335 5 +0 0.564817 0.769309 0.0280463 0.0681726 0.456859 113 +0 0.176515 0.61823 0.0200907 0.0574405 0.727476 331 +0 0.108323 0.46279 0.0174226 0.0460212 0.304252 464 +0 0.259504 0.86546 0.0152042 0.0403533 0.743171 236 diff --git a/src/FlotationAnalytics/output_botsort/track17/labels/image16.txt b/src/FlotationAnalytics/output_botsort/track17/labels/image16.txt new file mode 100644 index 0000000..a6b7ac4 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track17/labels/image16.txt @@ -0,0 +1,159 @@ +0 0.786137 0.810983 0.128492 0.20856 0.408722 1 +0 0.236713 0.691304 0.02246 0.0609689 0.666923 2 +0 0.429741 0.479407 0.017346 0.0502644 0.699279 6 +0 0.670162 0.787694 0.0193737 0.0540519 0.601743 7 +0 0.313217 0.704773 0.0139032 0.0405573 0.344386 8 +0 0.658031 0.367119 0.0447291 0.0694687 0.590403 13 +0 0.511202 0.756154 0.0198265 0.0485066 0.627574 16 +0 0.659593 0.709141 0.0347778 0.0625158 0.509901 18 +0 0.719758 0.710947 0.0213432 0.0616886 0.667059 21 +0 0.885366 0.875159 0.013573 0.0289054 0.479335 23 +0 0.342273 0.255473 0.0386229 0.0721538 0.461592 29 +0 0.492831 0.809068 0.0170871 0.0625417 0.441992 48 +0 0.452225 0.800355 0.0229821 0.0658023 0.68128 50 +0 0.849392 0.591424 0.0327791 0.0644182 0.430819 60 +0 0.769004 0.601511 0.111139 0.139794 0.81536 63 +0 0.319725 0.538622 0.0214981 0.0720797 0.390726 68 +0 0.244097 0.864974 0.0144234 0.0502108 0.547617 77 +0 0.887387 0.513184 0.0546117 0.08613 0.613348 80 +0 0.675241 0.586954 0.0263351 0.0578462 0.515182 95 +0 0.489184 0.66303 0.0181005 0.0539098 0.605588 98 +0 0.600785 0.606677 0.0194432 0.0438695 0.654737 102 +0 0.142847 0.546955 0.071773 0.167357 0.750524 128 +0 0.203105 0.400784 0.0355824 0.0759659 0.531225 156 +0 0.914812 0.697026 0.103099 0.200341 0.722872 163 +0 0.624826 0.36277 0.0183585 0.0375801 0.653764 174 +0 0.977783 0.739016 0.0444341 0.105264 0.585491 185 +0 0.369029 0.402305 0.0783188 0.114932 0.721643 189 +0 0.853712 0.483313 0.0244493 0.0518862 0.578951 260 +0 0.642236 0.0697071 0.0700994 0.138763 0.713713 274 +0 0.609185 0.482491 0.0267167 0.0607393 0.497136 299 +0 0.896882 0.430379 0.0218441 0.0568579 0.73473 312 +0 0.35695 0.18162 0.0702181 0.131703 0.557721 329 +0 0.42947 0.183045 0.0498009 0.103093 0.709817 337 +0 0.761497 0.577782 0.018407 0.0575409 0.799492 344 +0 0.453537 0.698764 0.0422524 0.123096 0.476063 58 +0 0.479939 0.612025 0.0193621 0.047277 0.677914 89 +0 0.629032 0.617334 0.019456 0.044404 0.74599 370 +0 0.481409 0.514211 0.0195074 0.040323 0.648199 380 +0 0.749842 0.0753469 0.108814 0.150694 0.709007 386 +0 0.695953 0.644341 0.0238562 0.0628794 0.446372 387 +0 0.476284 0.56363 0.0190447 0.0422063 0.637208 54 +0 0.403172 0.723074 0.0452105 0.0870321 0.443543 83 +0 0.438013 0.601304 0.0447106 0.0698067 0.419798 114 +0 0.410525 0.653941 0.0178716 0.046536 0.694941 424 +0 0.0708112 0.578788 0.0453169 0.143936 0.338371 434 +0 0.535888 0.551681 0.0732441 0.129485 0.784014 3 +0 0.600408 0.720664 0.0432641 0.0885963 0.390122 127 +0 0.634013 0.778184 0.0230011 0.0689321 0.614721 86 +0 0.205902 0.739336 0.017987 0.0551611 0.707446 265 +0 0.721296 0.325356 0.0310591 0.074548 0.656184 101 +0 0.34944 0.521606 0.016451 0.0568278 0.644647 170 +0 0.683934 0.739217 0.0207743 0.0455341 0.685041 300 +0 0.629718 0.432292 0.0178303 0.0442695 0.70797 448 +0 0.527161 0.648699 0.0200473 0.054523 0.611006 454 +0 0.600358 0.551011 0.0219358 0.0519981 0.394642 455 +0 0.752694 0.336209 0.0216649 0.0623851 0.602338 456 +0 0.233339 0.761864 0.0170113 0.0548047 0.714707 459 +0 0.385669 0.51025 0.0419709 0.100512 0.540115 465 +0 0.263743 0.712842 0.0213344 0.0663438 0.576058 468 +0 0.201139 0.673697 0.0210178 0.0634347 0.677619 470 +0 0.334315 0.596444 0.015157 0.0394679 0.610148 475 +0 0.129237 0.362172 0.0230496 0.0576853 0.519036 480 +0 0.574812 0.603835 0.0176839 0.0473237 0.712199 140 +0 0.771737 0.474109 0.0673795 0.106319 0.74926 92 +0 0.580311 0.664966 0.0245626 0.0670942 0.48631 139 +0 0.532279 0.719463 0.0184059 0.0377723 0.689284 507 +0 0.468987 0.150751 0.0213159 0.0470241 0.692108 514 +0 0.830226 0.359279 0.0167889 0.04284 0.683413 521 +0 0.665583 0.486538 0.0525304 0.108478 0.713933 523 +0 0.55771 0.723973 0.011605 0.0278734 0.465196 533 +0 0.473954 0.470744 0.0167367 0.036833 0.549595 539 +0 0.558311 0.136006 0.0807596 0.155344 0.776986 31 +0 0.789306 0.369415 0.0465889 0.0905418 0.45437 269 +0 0.890564 0.830199 0.0219698 0.0513356 0.67136 553 +0 0.420187 0.538662 0.0186739 0.0510058 0.627261 556 +0 0.468186 0.35488 0.0729415 0.192004 0.820971 562 +0 0.599887 0.208608 0.0546651 0.097932 0.662649 563 +0 0.729776 0.437602 0.0179727 0.0458511 0.695427 582 +0 0.969655 0.518825 0.0606899 0.1878 0.805471 594 +0 0.637492 0.252447 0.0226099 0.0567933 0.691157 225 +0 0.601643 0.40434 0.0328181 0.0707851 0.495046 27 +0 0.858989 0.331049 0.0214143 0.0556625 0.759352 272 +0 0.509385 0.432033 0.015438 0.0462013 0.57721 600 +0 0.820219 0.290836 0.0170118 0.0479005 0.812673 601 +0 0.532201 0.342937 0.0257856 0.0511923 0.619122 603 +0 0.221553 0.153352 0.0986764 0.119926 0.55748 604 +0 0.516442 0.815449 0.0175997 0.0601724 0.592849 614 +0 0.918264 0.347374 0.0178815 0.0438096 0.742217 620 +0 0.290655 0.314995 0.023288 0.0585048 0.519077 624 +0 0.506873 0.061872 0.0520099 0.109124 0.627852 625 +0 0.521953 0.272968 0.0190475 0.0659655 0.520266 627 +0 0.233419 0.463403 0.0208978 0.0618332 0.626745 628 +0 0.462589 0.100098 0.0178517 0.041573 0.702378 630 +0 0.812944 0.392125 0.0136378 0.0330465 0.369703 648 +0 0.578636 0.32052 0.042495 0.0891217 0.618683 14 +0 0.864097 0.185956 0.10247 0.129617 0.813351 249 +0 0.479296 0.92729 0.0198372 0.0552729 0.770063 93 +0 0.9318 0.384415 0.0200964 0.04597 0.747384 656 +0 0.151923 0.283893 0.0183354 0.0545004 0.677284 670 +0 0.250481 0.357007 0.0354168 0.072415 0.504141 673 +0 0.928412 0.439184 0.0179192 0.0390393 0.678578 674 +0 0.106441 0.301936 0.0176441 0.0507152 0.691306 675 +0 0.3664 0.713927 0.0186992 0.0561091 0.392946 679 +0 0.27514 0.459094 0.0183481 0.0528824 0.727378 681 +0 0.544477 0.292223 0.0185893 0.0376217 0.564647 682 +0 0.180035 0.335979 0.0426144 0.0850766 0.694647 687 +0 0.197312 0.536527 0.0203308 0.0660543 0.728789 691 +0 0.37795 0.0537326 0.0523329 0.0952104 0.768879 692 +0 0.546872 0.411551 0.0324002 0.0810567 0.558393 700 +0 0.332449 0.779883 0.0367192 0.0750105 0.538026 28 +0 0.262444 0.518362 0.0173713 0.0553633 0.669739 221 +0 0.849129 0.412662 0.0285328 0.0538256 0.541835 219 +0 0.304967 0.44921 0.0397383 0.0919297 0.386642 476 +0 0.434147 0.558232 0.017799 0.0351638 0.571794 517 +0 0.45812 0.535465 0.0157391 0.038257 0.69516 534 +0 0.411426 0.0698453 0.0172884 0.0423633 0.744044 704 +0 0.232242 0.0846247 0.0165465 0.0456271 0.734335 705 +0 0.645756 0.173776 0.0162994 0.0420003 0.724477 706 +0 0.311654 0.08841 0.0163351 0.0472706 0.745487 709 +0 0.594082 0.0291751 0.014868 0.0408832 0.609609 710 +0 0.453695 0.0534381 0.0175194 0.04476 0.705091 711 +0 0.394306 0.104762 0.0163899 0.0387367 0.696198 712 +0 0.325053 0.0418792 0.0176664 0.0505566 0.747317 713 +0 0.369046 0.650509 0.0180128 0.0447765 0.567036 714 +0 0.268943 0.240378 0.019435 0.0398788 0.666659 715 +0 0.553752 0.237207 0.0145014 0.0341013 0.619856 716 +0 0.549341 0.0309823 0.0174192 0.0454137 0.659052 717 +0 0.715416 0.498552 0.0182658 0.0509232 0.72228 718 +0 0.256458 0.796449 0.0165394 0.0507894 0.605375 719 +0 0.618843 0.31031 0.0157429 0.0352051 0.707149 721 +0 0.270971 0.621032 0.022536 0.0734886 0.546117 724 +0 0.429856 0.0822411 0.0168203 0.0345187 0.586315 725 +0 0.513247 0.701928 0.0158435 0.0371679 0.617714 727 +0 0.236781 0.260282 0.023984 0.0731071 0.568805 729 +0 0.45158 0.260006 0.0139539 0.04033 0.640293 732 +0 0.294742 0.381034 0.017816 0.0543329 0.688227 733 +0 0.36352 0.577154 0.0166629 0.0414274 0.737657 742 +0 0.389755 0.227366 0.012034 0.0404199 0.557583 744 +0 0.357264 0.6179 0.0154067 0.0287882 0.549188 758 +0 0.396014 0.62938 0.0137625 0.0264917 0.541412 760 +0 0.152664 0.77705 0.013759 0.0432185 0.640691 762 +0 0.26114 0.418823 0.0148384 0.0435345 0.593826 765 +0 0.567684 0.270732 0.0112954 0.0311331 0.466719 768 +0 0.510157 0.632666 0.0121755 0.0312808 0.582193 769 +0 0.904571 0.296978 0.0183422 0.0610903 0.477554 369 +0 0.777412 0.684087 0.0144699 0.0364227 0.31414 84 +0 0.840812 0.660002 0.022886 0.0463053 0.593224 373 +0 0.93354 0.777238 0.0163455 0.0382594 0.650294 5 +0 0.562979 0.79197 0.0200134 0.0491119 0.555965 113 +0 0.10302 0.493037 0.0161074 0.0435383 0.338341 464 +0 0.77508 0.265755 0.0214809 0.0568203 0.553791 302 +0 0.956766 0.59595 0.0134755 0.0356117 0.604751 72 +0 0.91467 0.677281 0.047781 0.178523 0.328715 467 +0 0.604225 0.655294 0.0170506 0.0395614 0.579654 105 +0 0.409669 0.456634 0.0129999 0.0350394 0.605682 477 +0 0.317154 0.233814 0.0113561 0.0353088 0.336788 327 +0 0.127515 0.729317 0.0149461 0.0568502 0.567038 407 +0 0.291911 0.773336 0.0228221 0.0685596 0.605567 44 +0 0.824842 0.442363 0.0137743 0.0390123 0.343853 228 diff --git a/src/FlotationAnalytics/output_botsort/track18/labels/image17.txt b/src/FlotationAnalytics/output_botsort/track18/labels/image17.txt new file mode 100644 index 0000000..0b9a051 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track18/labels/image17.txt @@ -0,0 +1,165 @@ +0 0.784914 0.777519 0.0639158 0.119132 0.575847 1 +0 0.235279 0.720509 0.0207393 0.0586563 0.578053 2 +0 0.427816 0.499502 0.0155574 0.0478615 0.523404 6 +0 0.665583 0.815875 0.0204026 0.0506969 0.619437 7 +0 0.30868 0.735372 0.0133921 0.0388037 0.539649 8 +0 0.654398 0.386273 0.0506399 0.06886 0.57144 13 +0 0.511577 0.773143 0.0188166 0.0453507 0.77667 16 +0 0.651006 0.734741 0.0356281 0.0611512 0.467121 18 +0 0.712825 0.734188 0.0199233 0.0605376 0.743653 21 +0 0.88118 0.882614 0.0140278 0.0265904 0.527277 23 +0 0.491249 0.828991 0.0184607 0.055875 0.750057 48 +0 0.446528 0.829922 0.026287 0.0693126 0.651228 50 +0 0.842537 0.603273 0.0282497 0.0655093 0.532038 60 +0 0.759862 0.618924 0.114367 0.14366 0.819535 63 +0 0.318526 0.565033 0.0210229 0.0766701 0.406819 68 +0 0.87961 0.529796 0.054091 0.0810843 0.75109 80 +0 0.672744 0.604722 0.025073 0.0593363 0.500927 95 +0 0.48531 0.681394 0.0171133 0.0467394 0.553841 98 +0 0.595879 0.625756 0.0188772 0.0448852 0.648601 102 +0 0.138697 0.58617 0.074787 0.157023 0.768882 128 +0 0.20214 0.426254 0.0397358 0.0813392 0.513723 156 +0 0.908269 0.70989 0.108025 0.205911 0.701731 163 +0 0.642091 0.333023 0.0195 0.0429046 0.561655 174 +0 0.976872 0.737834 0.0462557 0.103769 0.628263 185 +0 0.364333 0.429381 0.0792351 0.115535 0.787383 189 +0 0.845265 0.497347 0.0213737 0.0491627 0.733752 260 +0 0.647862 0.0755535 0.081479 0.148605 0.783199 274 +0 0.605174 0.500841 0.0249668 0.0583268 0.661072 299 +0 0.889523 0.444281 0.0222953 0.0555902 0.670196 312 +0 0.353463 0.199807 0.0701301 0.140952 0.564329 329 +0 0.426768 0.198042 0.0521238 0.10963 0.59574 337 +0 0.450351 0.722424 0.0473588 0.130798 0.3231 58 +0 0.476447 0.633421 0.0193829 0.0460893 0.692324 89 +0 0.62515 0.633956 0.0198514 0.0474701 0.747033 370 +0 0.477824 0.536902 0.0186734 0.0400817 0.575996 380 +0 0.738378 0.0746554 0.0689262 0.100454 0.65198 386 +0 0.689739 0.66981 0.0203208 0.0644969 0.353408 387 +0 0.472945 0.586021 0.0186618 0.0413965 0.681378 54 +0 0.409789 0.742552 0.0557422 0.0927237 0.385421 83 +0 0.432974 0.623326 0.0474442 0.0717458 0.417993 114 +0 0.406239 0.676091 0.0181001 0.042293 0.626386 424 +0 0.0662379 0.591873 0.0385242 0.106563 0.30134 434 +0 0.531967 0.570517 0.0733275 0.136165 0.794813 3 +0 0.59556 0.745157 0.0471349 0.0964094 0.482517 127 +0 0.628851 0.808653 0.0238116 0.0663869 0.665949 86 +0 0.206454 0.768074 0.0169602 0.0571102 0.625499 265 +0 0.712736 0.351861 0.0276991 0.0706999 0.552395 101 +0 0.345602 0.554119 0.0152288 0.0532398 0.530524 170 +0 0.678256 0.76682 0.0204119 0.0510244 0.542045 300 +0 0.624476 0.449564 0.0183276 0.0451393 0.702877 448 +0 0.524366 0.667469 0.0192846 0.052494 0.669536 454 +0 0.596664 0.569068 0.0229614 0.0536406 0.37008 455 +0 0.747672 0.35504 0.0203558 0.0573672 0.71165 456 +0 0.384118 0.533027 0.0453417 0.101036 0.605911 465 +0 0.261488 0.746583 0.0211014 0.0662122 0.487477 468 +0 0.199243 0.703549 0.0194719 0.0590814 0.680232 470 +0 0.12666 0.377296 0.0249706 0.058874 0.487564 480 +0 0.570931 0.623551 0.017079 0.04688 0.691026 140 +0 0.767278 0.486042 0.0681082 0.105291 0.748278 92 +0 0.576977 0.684098 0.0234731 0.0652033 0.547934 139 +0 0.528621 0.736437 0.0187735 0.0376982 0.67401 507 +0 0.466349 0.167049 0.0200685 0.0487568 0.76303 514 +0 0.824567 0.374285 0.0177598 0.044254 0.730882 521 +0 0.662356 0.500292 0.0525069 0.105252 0.635853 523 +0 0.554942 0.739408 0.011313 0.030336 0.326779 533 +0 0.469896 0.488495 0.0167379 0.0392468 0.565605 539 +0 0.555444 0.152027 0.0824408 0.152455 0.771289 31 +0 0.783668 0.384555 0.0451576 0.0881799 0.495699 269 +0 0.884002 0.839581 0.0197823 0.0501455 0.69283 553 +0 0.415486 0.565956 0.0198289 0.0582097 0.61742 556 +0 0.464521 0.373093 0.0752029 0.193886 0.753655 562 +0 0.594513 0.230694 0.054251 0.0898943 0.674809 563 +0 0.722587 0.454287 0.0178571 0.0472634 0.741444 582 +0 0.965943 0.523515 0.0681136 0.189422 0.813855 594 +0 0.626555 0.275579 0.0233903 0.0573737 0.681202 225 +0 0.597256 0.420119 0.0339995 0.0761761 0.427597 27 +0 0.852593 0.343442 0.0226337 0.0557991 0.78333 272 +0 0.505533 0.458125 0.0174233 0.0507211 0.711731 600 +0 0.817957 0.30963 0.0171563 0.0466537 0.743381 601 +0 0.528194 0.359303 0.0252012 0.0480244 0.606422 603 +0 0.225987 0.154456 0.105762 0.158635 0.603034 604 +0 0.514373 0.844221 0.0178354 0.0606877 0.639056 614 +0 0.913318 0.35831 0.017547 0.0425024 0.677537 620 +0 0.288052 0.335984 0.0278067 0.0579103 0.487527 624 +0 0.506064 0.0733726 0.0538422 0.116722 0.702778 625 +0 0.518303 0.295164 0.0172652 0.0632428 0.493742 627 +0 0.23008 0.487774 0.0211316 0.0609001 0.632409 628 +0 0.460514 0.11727 0.0171041 0.0420119 0.670055 630 +0 0.573042 0.337876 0.0451836 0.091216 0.577865 14 +0 0.859544 0.202235 0.103758 0.124709 0.826658 249 +0 0.567121 0.579725 0.0179798 0.0444977 0.753636 93 +0 0.925454 0.395313 0.0204064 0.0437793 0.754617 656 +0 0.151045 0.303444 0.0177805 0.0529874 0.669031 670 +0 0.248534 0.379999 0.0318514 0.0732312 0.422856 673 +0 0.920417 0.447468 0.016434 0.0395133 0.768375 674 +0 0.100226 0.326468 0.021071 0.0518509 0.606301 675 +0 0.363898 0.734621 0.0198922 0.0560663 0.508978 679 +0 0.539546 0.307388 0.0194199 0.0392856 0.590492 682 +0 0.178545 0.357637 0.0431915 0.0827506 0.638124 687 +0 0.192664 0.565741 0.0201978 0.0633079 0.656506 691 +0 0.378584 0.0508403 0.0516667 0.0892146 0.458224 692 +0 0.541848 0.426537 0.0289322 0.0794475 0.445699 700 +0 0.325268 0.80923 0.0328534 0.0829398 0.481366 28 +0 0.258606 0.545154 0.0189919 0.0572191 0.654425 221 +0 0.845432 0.424986 0.0301765 0.057642 0.573122 219 +0 0.300577 0.474766 0.0417421 0.0890972 0.318946 476 +0 0.432158 0.582017 0.0158769 0.0322345 0.439601 517 +0 0.454585 0.559495 0.0165408 0.0360407 0.704221 534 +0 0.409602 0.0881467 0.0169409 0.041153 0.734637 704 +0 0.231094 0.101833 0.0163203 0.044945 0.565793 705 +0 0.309556 0.104831 0.0172492 0.0479153 0.716864 709 +0 0.59129 0.047085 0.0146792 0.0399719 0.571025 710 +0 0.451776 0.0689303 0.0180868 0.0474721 0.654652 711 +0 0.391898 0.123422 0.0160746 0.0382922 0.646592 712 +0 0.323737 0.059627 0.0191013 0.0553494 0.630644 713 +0 0.363954 0.675663 0.0195393 0.046428 0.637794 714 +0 0.266194 0.259585 0.0191466 0.0382867 0.632065 715 +0 0.549381 0.254601 0.0142876 0.0333643 0.447355 716 +0 0.548526 0.0465531 0.0168572 0.0447031 0.629544 717 +0 0.711654 0.520418 0.0195876 0.0530422 0.730709 718 +0 0.268425 0.644927 0.0239883 0.0778365 0.440239 724 +0 0.428282 0.0976853 0.0163803 0.0368271 0.550642 725 +0 0.511337 0.718528 0.0149958 0.036467 0.498667 727 +0 0.235125 0.281977 0.0232767 0.0704649 0.555538 729 +0 0.447222 0.277506 0.0138649 0.0403462 0.621113 732 +0 0.29487 0.400413 0.019514 0.0560381 0.684729 733 +0 0.362201 0.602342 0.0158167 0.0452773 0.644036 742 +0 0.385318 0.24693 0.0116382 0.039953 0.337664 744 +0 0.353532 0.641755 0.0159543 0.0296925 0.581111 758 +0 0.390471 0.653013 0.0115945 0.0224057 0.378397 760 +0 0.258473 0.442774 0.0150028 0.0449948 0.634485 765 +0 0.507015 0.65212 0.0119208 0.031471 0.395488 769 +0 0.901337 0.306617 0.0208154 0.0644092 0.476461 369 +0 0.769254 0.701557 0.0156501 0.0381906 0.581629 84 +0 0.832017 0.672816 0.0212461 0.0446806 0.664986 373 +0 0.557912 0.809484 0.020231 0.0570788 0.553056 113 +0 0.0997144 0.520896 0.0168969 0.0549041 0.419066 464 +0 0.391226 0.32372 0.0652699 0.100278 0.645612 775 +0 0.139001 0.432189 0.0221729 0.0562831 0.718103 776 +0 0.330979 0.667329 0.0197337 0.0537337 0.604805 777 +0 0.159553 0.240642 0.017706 0.0516949 0.731379 778 +0 0.942411 0.427192 0.0185052 0.0395096 0.735376 780 +0 0.988829 0.637771 0.0199468 0.0479492 0.623517 784 +0 0.922149 0.572116 0.0196615 0.0408014 0.695909 785 +0 0.223946 0.553613 0.0176698 0.0559807 0.655179 786 +0 0.642426 0.676216 0.0186803 0.0465119 0.580257 789 +0 0.177841 0.257932 0.0159155 0.0387725 0.6094 790 +0 0.555118 0.668582 0.0137364 0.037038 0.591288 797 +0 0.540096 0.774454 0.0145814 0.0356048 0.600996 800 +0 0.481643 0.223014 0.0220033 0.060144 0.521751 805 +0 0.683806 0.187315 0.0636552 0.102143 0.52802 806 +0 0.0782832 0.44826 0.0529178 0.114492 0.61377 807 +0 0.954867 0.286744 0.0785621 0.184108 0.683889 811 +0 0.214728 0.362375 0.0129387 0.0421351 0.540196 819 +0 0.772412 0.281134 0.0256261 0.0594231 0.417383 302 +0 0.954515 0.602879 0.0129889 0.0357514 0.563869 72 +0 0.911339 0.670235 0.0387919 0.139881 0.441206 467 +0 0.601648 0.674535 0.0160433 0.0402729 0.594921 105 +0 0.408229 0.479351 0.0132055 0.0388482 0.480422 477 +0 0.314999 0.252914 0.0114559 0.0352546 0.320868 327 +0 0.129214 0.780062 0.013667 0.044243 0.594883 407 +0 0.284255 0.798686 0.021772 0.0846606 0.426039 44 +0 0.820725 0.456742 0.0151176 0.0415152 0.649223 228 +0 0.955418 0.825088 0.040411 0.0647128 0.367127 234 +0 0.565798 0.91521 0.0172643 0.0476948 0.6 75 diff --git a/src/FlotationAnalytics/output_botsort/track19/labels/image18.txt b/src/FlotationAnalytics/output_botsort/track19/labels/image18.txt new file mode 100644 index 0000000..2126488 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track19/labels/image18.txt @@ -0,0 +1,179 @@ +0 0.780854 0.763871 0.0327646 0.0804105 0.724038 1 +0 0.233361 0.743947 0.0219796 0.0566779 0.670671 2 +0 0.425618 0.523609 0.0164978 0.0459304 0.728306 6 +0 0.657242 0.845974 0.0206362 0.0462357 0.36441 7 +0 0.648193 0.409357 0.0505836 0.0646674 0.505483 13 +0 0.507919 0.795275 0.0192311 0.0479122 0.69321 16 +0 0.643697 0.762076 0.039266 0.0663756 0.533405 18 +0 0.705678 0.762395 0.0232274 0.0634176 0.818801 21 +0 0.869027 0.905187 0.0140182 0.0355943 0.749231 23 +0 0.4879 0.851886 0.0180265 0.0528288 0.710236 48 +0 0.438406 0.861113 0.0275697 0.0745517 0.646284 50 +0 0.835618 0.617508 0.0315808 0.0658558 0.415772 60 +0 0.753322 0.641649 0.115847 0.148714 0.848354 63 +0 0.315817 0.5953 0.019278 0.0724952 0.307418 68 +0 0.875518 0.543089 0.0556337 0.0800072 0.680102 80 +0 0.66755 0.624346 0.0266332 0.0676476 0.372667 95 +0 0.480265 0.700231 0.0196354 0.0481835 0.563764 98 +0 0.590971 0.647975 0.0177214 0.0457021 0.660586 102 +0 0.133835 0.62109 0.0743968 0.163137 0.770094 128 +0 0.197972 0.451619 0.0413946 0.0879842 0.525105 156 +0 0.901528 0.727616 0.110217 0.218032 0.556952 163 +0 0.663623 0.324169 0.018922 0.0464885 0.722886 174 +0 0.97457 0.734742 0.0508608 0.100454 0.525347 185 +0 0.360291 0.451507 0.0793809 0.119735 0.774189 189 +0 0.839968 0.512614 0.0200395 0.0481565 0.718268 260 +0 0.648701 0.0878631 0.0909485 0.151779 0.838122 274 +0 0.598797 0.522457 0.0265082 0.0598623 0.635375 299 +0 0.883954 0.457835 0.0219132 0.0561199 0.711157 312 +0 0.348555 0.21764 0.0663477 0.135633 0.63737 329 +0 0.422852 0.218807 0.0493168 0.108337 0.586643 337 +0 0.44516 0.731515 0.0336188 0.099407 0.339151 58 +0 0.472166 0.655625 0.0192873 0.0442024 0.70308 89 +0 0.620904 0.654942 0.0185395 0.0473226 0.73022 370 +0 0.473692 0.558484 0.0197685 0.0410103 0.666489 380 +0 0.734837 0.0865832 0.0552467 0.0839514 0.637896 386 +0 0.682042 0.696889 0.0245216 0.0640216 0.343404 387 +0 0.468333 0.608304 0.0192826 0.0402142 0.611205 54 +0 0.401008 0.764431 0.0396154 0.0806063 0.455067 83 +0 0.428669 0.648932 0.0459307 0.0741429 0.442634 114 +0 0.40182 0.699809 0.0178308 0.040987 0.62399 424 +0 0.0601891 0.613542 0.032808 0.088738 0.438105 434 +0 0.527591 0.590326 0.0716372 0.140238 0.77352 3 +0 0.597738 0.760203 0.0348894 0.0790297 0.44667 127 +0 0.620166 0.838171 0.0245111 0.0665439 0.527853 86 +0 0.204779 0.794104 0.0149085 0.05012 0.649599 265 +0 0.705029 0.374325 0.0274209 0.0705135 0.789698 101 +0 0.341017 0.582293 0.0155758 0.0502836 0.625011 170 +0 0.671399 0.7959 0.0215408 0.0510973 0.437067 300 +0 0.618039 0.471631 0.0185907 0.0470362 0.669061 448 +0 0.521138 0.68886 0.01678 0.0468031 0.449816 454 +0 0.591554 0.589896 0.0210759 0.0531829 0.408448 455 +0 0.743607 0.36799 0.0193364 0.0549226 0.657018 456 +0 0.380968 0.556181 0.0463487 0.097115 0.565875 465 +0 0.261367 0.772029 0.0180113 0.0567906 0.419066 468 +0 0.19681 0.731542 0.0196832 0.0597071 0.669843 470 +0 0.124947 0.396398 0.027221 0.0595278 0.472126 480 +0 0.566153 0.646306 0.017252 0.0468106 0.753063 140 +0 0.762374 0.503195 0.0696192 0.107482 0.791426 92 +0 0.573379 0.706609 0.022235 0.0631791 0.588278 139 +0 0.524624 0.756764 0.020373 0.0408196 0.667423 507 +0 0.462918 0.185426 0.0198643 0.0489932 0.658955 514 +0 0.819308 0.389321 0.0184584 0.0449559 0.737007 521 +0 0.653271 0.521572 0.0501648 0.112333 0.713082 523 +0 0.551769 0.759151 0.0154234 0.0370572 0.678911 533 +0 0.465906 0.507587 0.017424 0.0413237 0.666326 539 +0 0.55245 0.17298 0.0830886 0.144824 0.76305 31 +0 0.782271 0.396453 0.0392976 0.0785982 0.455561 269 +0 0.410269 0.590665 0.0209319 0.0605459 0.679951 556 +0 0.46106 0.391074 0.0748574 0.191119 0.781505 562 +0 0.589166 0.248278 0.0552371 0.0882029 0.631758 563 +0 0.715229 0.479099 0.0163503 0.0395003 0.691074 582 +0 0.963462 0.529457 0.0730763 0.187234 0.812386 594 +0 0.617273 0.296697 0.0227761 0.0571231 0.785802 225 +0 0.588824 0.442724 0.0345563 0.0759986 0.411377 27 +0 0.847285 0.355362 0.0238855 0.0576354 0.707747 272 +0 0.5015 0.479492 0.0182055 0.0506938 0.787074 600 +0 0.81487 0.326748 0.0171684 0.0474607 0.725747 601 +0 0.522708 0.377897 0.0243445 0.0484442 0.642863 603 +0 0.223519 0.169044 0.102704 0.168278 0.664475 604 +0 0.507567 0.875916 0.0170596 0.0535973 0.710348 614 +0 0.909563 0.369689 0.0167513 0.0418174 0.771203 620 +0 0.283637 0.354409 0.0335137 0.0579661 0.444885 624 +0 0.504799 0.0895539 0.0524101 0.117148 0.624949 625 +0 0.512716 0.312504 0.0186556 0.0673843 0.578977 627 +0 0.227159 0.511046 0.0209146 0.0609062 0.448327 628 +0 0.45743 0.135626 0.0167508 0.0403401 0.686334 630 +0 0.567548 0.357771 0.045699 0.0908501 0.633229 14 +0 0.854088 0.222013 0.103124 0.124883 0.831252 249 +0 0.920697 0.408136 0.0206998 0.0440112 0.76828 656 +0 0.149712 0.321983 0.0173464 0.0538766 0.670306 670 +0 0.244579 0.401706 0.0283577 0.0739913 0.369232 673 +0 0.915543 0.458953 0.0154919 0.0381624 0.784571 674 +0 0.0933217 0.346178 0.0198428 0.0544663 0.675387 675 +0 0.534104 0.324994 0.0201876 0.0408889 0.542477 682 +0 0.175604 0.37999 0.0435651 0.0838781 0.578265 687 +0 0.188038 0.595594 0.0205981 0.0579427 0.649918 691 +0 0.376245 0.0698215 0.0538317 0.112493 0.357483 692 +0 0.536893 0.446985 0.0268064 0.0795271 0.449585 700 +0 0.317058 0.835667 0.0204133 0.0566102 0.320206 28 +0 0.254173 0.569622 0.0188291 0.0587401 0.660483 221 +0 0.841374 0.437943 0.0297868 0.0583722 0.568056 219 +0 0.296686 0.49898 0.0432214 0.089085 0.520101 476 +0 0.449919 0.584796 0.0181294 0.0362608 0.672627 534 +0 0.408122 0.105671 0.0167413 0.041804 0.725478 704 +0 0.229787 0.115229 0.0207543 0.0516582 0.463929 705 +0 0.30839 0.123367 0.0167469 0.0474772 0.681818 709 +0 0.589405 0.0634799 0.0147434 0.0406168 0.690304 710 +0 0.450061 0.0870104 0.0186177 0.0470959 0.66397 711 +0 0.390181 0.143232 0.0152437 0.0386883 0.696148 712 +0 0.322373 0.0762618 0.0212336 0.057501 0.646027 713 +0 0.359744 0.704198 0.0181273 0.0434186 0.629979 714 +0 0.263918 0.278088 0.0201062 0.0370158 0.74148 715 +0 0.543916 0.271375 0.0138614 0.0317668 0.569708 716 +0 0.547836 0.0631128 0.016821 0.0453777 0.683024 717 +0 0.706504 0.544606 0.0175571 0.0469018 0.60764 718 +0 0.266503 0.666873 0.0214209 0.0733965 0.465729 724 +0 0.426518 0.115523 0.0177658 0.0372989 0.415234 725 +0 0.232498 0.301776 0.0204216 0.0685556 0.492464 729 +0 0.442394 0.295758 0.0138723 0.0411459 0.685135 732 +0 0.292925 0.418443 0.0218234 0.0606627 0.593872 733 +0 0.359432 0.627496 0.0167049 0.0439961 0.642377 742 +0 0.349713 0.667661 0.0176239 0.0329894 0.582872 758 +0 0.382923 0.645786 0.0199271 0.0492017 0.309075 760 +0 0.254726 0.46728 0.0154677 0.0484689 0.588558 765 +0 0.900262 0.319399 0.019882 0.0631496 0.431978 369 +0 0.762803 0.721414 0.0143033 0.0342923 0.48617 84 +0 0.8251 0.688599 0.0201591 0.0459687 0.682257 373 +0 0.552859 0.825112 0.0207197 0.0675614 0.609851 113 +0 0.093096 0.551673 0.0178674 0.0567179 0.636649 464 +0 0.387692 0.345197 0.0632734 0.103761 0.705138 775 +0 0.135319 0.45407 0.0216133 0.058417 0.643499 776 +0 0.327677 0.695978 0.0189786 0.0565731 0.626804 777 +0 0.158016 0.260417 0.0169984 0.0478885 0.6819 778 +0 0.938915 0.43896 0.0180423 0.0402072 0.676783 780 +0 0.98725 0.64496 0.0217947 0.0481516 0.530754 784 +0 0.918226 0.583759 0.022244 0.0488176 0.630166 785 +0 0.219684 0.576796 0.0181548 0.0552168 0.595584 786 +0 0.638649 0.69858 0.0199772 0.049244 0.580002 789 +0 0.176227 0.276554 0.014939 0.0371381 0.562887 790 +0 0.552678 0.68969 0.0137085 0.0360569 0.454622 797 +0 0.535905 0.798063 0.015225 0.0359247 0.43457 800 +0 0.477017 0.241238 0.0246897 0.06094 0.469976 805 +0 0.674815 0.204904 0.0674722 0.0977994 0.651179 806 +0 0.074495 0.470669 0.0543877 0.11877 0.643705 807 +0 0.954882 0.296142 0.0791692 0.187983 0.766563 811 +0 0.21131 0.383003 0.0139583 0.0444424 0.568749 819 +0 0.768744 0.298205 0.0270045 0.0619481 0.473325 302 +0 0.951524 0.612273 0.013606 0.0378668 0.480085 72 +0 0.905512 0.663371 0.0308992 0.105529 0.384575 467 +0 0.598641 0.696577 0.0169757 0.0422189 0.668686 105 +0 0.405614 0.503043 0.013686 0.0408418 0.61672 477 +0 0.312087 0.27328 0.0111231 0.0339017 0.344921 327 +0 0.277809 0.802581 0.0309665 0.0598297 0.3255 44 +0 0.816349 0.472941 0.0154569 0.0418656 0.696388 228 +0 0.782029 0.230454 0.0181563 0.0526584 0.690401 824 +0 0.644344 0.305938 0.0131908 0.0344302 0.668164 827 +0 0.831693 0.107852 0.0931842 0.124046 0.641359 828 +0 0.144556 0.198783 0.0230609 0.0545439 0.529973 829 +0 0.345687 0.0441393 0.0155092 0.03883 0.565343 830 +0 0.367425 0.858187 0.0200844 0.0646544 0.723504 831 +0 0.451298 0.539393 0.0149738 0.0305578 0.613411 832 +0 0.323415 0.315946 0.0215616 0.0562891 0.534242 833 +0 0.79992 0.71658 0.0202937 0.043661 0.542533 834 +0 0.586391 0.850777 0.0156517 0.0498007 0.604417 836 +0 0.26438 0.236741 0.0147589 0.0295528 0.579885 837 +0 0.854905 0.478705 0.0147268 0.0275513 0.67579 840 +0 0.398218 0.647465 0.0157873 0.0381608 0.443397 845 +0 0.704291 0.265814 0.0348496 0.0668191 0.447963 847 +0 0.276643 0.724764 0.0164477 0.0389237 0.713071 848 +0 0.182933 0.316407 0.017916 0.0359611 0.642092 850 +0 0.314824 0.36755 0.0128811 0.0379815 0.579397 852 +0 0.164481 0.503729 0.0121553 0.0468388 0.465296 854 +0 0.48415 0.515322 0.0137641 0.032048 0.461248 855 +0 0.886805 0.326865 0.0473809 0.0781095 0.38336 861 +0 0.963673 0.831257 0.021945 0.0502391 0.703662 234 +0 0.665401 0.828479 0.0402065 0.0959411 0.372453 56 +0 0.857989 0.427994 0.0152119 0.0443059 0.764156 344 +0 0.229035 0.826128 0.0171096 0.0507975 0.769255 459 +0 0.603698 0.354472 0.0136171 0.0338291 0.687542 721 diff --git a/src/FlotationAnalytics/output_botsort/track2/labels/image1.txt b/src/FlotationAnalytics/output_botsort/track2/labels/image1.txt new file mode 100644 index 0000000..29b918b --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track2/labels/image1.txt @@ -0,0 +1,98 @@ +0 0.891045 0.474565 0.0947272 0.187283 0.805676 1 +0 0.283254 0.124126 0.0827703 0.141058 0.700474 2 +0 0.446686 0.601273 0.065116 0.179394 0.660345 4 +0 0.964843 0.493746 0.0692667 0.202537 0.789032 5 +0 0.467655 0.0645813 0.0603051 0.113547 0.772107 6 +0 0.74399 0.365298 0.0195248 0.0510627 0.577228 7 +0 0.383624 0.158264 0.0781747 0.116069 0.618739 8 +0 0.464321 0.261869 0.0199608 0.0614503 0.58432 9 +0 0.393947 0.479743 0.0227082 0.0774011 0.573559 10 +0 0.812214 0.723617 0.0149108 0.037594 0.68122 11 +0 0.846294 0.693222 0.0234894 0.0602908 0.75094 12 +0 0.732467 0.126188 0.0874886 0.142808 0.540739 13 +0 0.636338 0.142516 0.0220273 0.0668072 0.681585 14 +0 0.718413 0.94613 0.0173853 0.0446879 0.638698 15 +0 0.59839 0.319116 0.0920598 0.142415 0.77739 16 +0 0.333002 0.258574 0.0203935 0.0681802 0.641222 17 +0 0.762734 0.307591 0.0220704 0.0613633 0.728916 18 +0 0.786847 0.345213 0.0223198 0.0615164 0.64505 21 +0 0.97964 0.585155 0.0188622 0.0530589 0.716926 22 +0 0.946498 0.61911 0.0159917 0.0417011 0.728475 23 +0 0.807747 0.743876 0.0223411 0.0644581 0.522698 24 +0 0.953982 0.700366 0.0188995 0.0491964 0.794783 26 +0 0.667621 0.0826649 0.0173986 0.0509676 0.755756 27 +0 0.369043 0.249988 0.0164902 0.0618211 0.59345 28 +0 0.703646 0.345531 0.0194036 0.0604796 0.535006 29 +0 0.628141 0.526858 0.0447891 0.156832 0.451176 30 +0 0.595343 0.0659241 0.140342 0.124286 0.72736 31 +0 0.88055 0.673756 0.0172616 0.0478064 0.671467 32 +0 0.253181 0.24362 0.0229566 0.0762164 0.597399 33 +0 0.239262 0.559116 0.0198203 0.0655129 0.622167 34 +0 0.750589 0.853637 0.0417208 0.0921295 0.30651 35 +0 0.179287 0.430113 0.0245475 0.0928884 0.46483 36 +0 0.345789 0.539922 0.0214222 0.0691515 0.669114 37 +0 0.276137 0.32931 0.0578488 0.111135 0.708942 38 +0 0.691627 0.867143 0.0208092 0.0637104 0.782058 39 +0 0.905229 0.742026 0.023654 0.0688568 0.566338 40 +0 0.661968 0.338172 0.0218951 0.0656312 0.626654 42 +0 0.155895 0.359511 0.0162374 0.0511841 0.698367 43 +0 0.391765 0.350754 0.0998598 0.202322 0.563775 44 +0 0.806425 0.498996 0.0530754 0.116696 0.576521 45 +0 0.363194 0.486881 0.0148099 0.0574195 0.383306 46 +0 0.95274 0.37363 0.0191103 0.0468809 0.59051 47 +0 0.540004 0.393521 0.0144838 0.0438166 0.419494 48 +0 0.373132 0.834162 0.0177924 0.0449805 0.427996 49 +0 0.525832 0.284327 0.0247155 0.064642 0.676628 50 +0 0.821583 0.808921 0.0613963 0.0971082 0.540511 51 +0 0.940944 0.886184 0.0139272 0.0379476 0.560634 52 +0 0.762029 0.84897 0.0292791 0.0777435 0.511093 53 +0 0.365185 0.787826 0.0201769 0.0569699 0.721051 55 +0 0.724124 0.547732 0.0773709 0.246416 0.679079 56 +0 0.670005 0.39212 0.0123034 0.0329986 0.518139 57 +0 0.809129 0.247643 0.0330936 0.074591 0.413006 59 +0 0.929431 0.317981 0.0219595 0.0668696 0.539309 60 +0 0.86372 0.304214 0.101476 0.171356 0.771092 63 +0 0.228271 0.343919 0.0202245 0.0779174 0.503993 64 +0 0.274787 0.488515 0.0214699 0.0780679 0.535042 65 +0 0.362708 0.629133 0.025016 0.0790696 0.695754 67 +0 0.379354 0.0353984 0.0223647 0.059718 0.45418 68 +0 0.791325 0.718967 0.0176176 0.0472281 0.538529 69 +0 0.98291 0.362034 0.0139722 0.0383901 0.517354 72 +0 0.973839 0.745796 0.0215643 0.0597215 0.553836 73 +0 0.76651 0.0371134 0.013342 0.0386727 0.551055 76 +0 0.319457 0.205974 0.0195671 0.0585462 0.563414 77 +0 0.824648 0.661889 0.017549 0.0461154 0.381769 78 +0 0.193029 0.572971 0.0311392 0.104594 0.481109 79 +0 0.947656 0.232323 0.0260656 0.0606969 0.51107 80 +0 0.664132 0.823011 0.0202892 0.0658594 0.416904 81 +0 0.687266 0.425451 0.0179452 0.0415573 0.492355 82 +0 0.452294 0.222971 0.0149226 0.0311212 0.609265 83 +0 0.876377 0.364308 0.013861 0.042363 0.599512 84 +0 0.107784 0.65839 0.0880095 0.271595 0.459757 85 +0 0.716412 0.397411 0.0133664 0.0401141 0.371974 86 +0 0.390591 0.576214 0.0274207 0.0835137 0.535359 91 +0 0.851976 0.142372 0.0571485 0.102525 0.707382 92 +0 0.304862 0.492035 0.0135917 0.0529424 0.361852 94 +0 0.730457 0.221845 0.0245649 0.0601726 0.641108 95 +0 0.850291 0.595817 0.0217344 0.0524902 0.666421 96 +0 0.93907 0.815849 0.0404836 0.0549431 0.434422 97 +0 0.51016 0.177867 0.0931112 0.111281 0.800279 98 +0 0.697418 0.043805 0.0131905 0.0388368 0.528276 101 +0 0.688655 0.278752 0.0158714 0.0345955 0.550081 102 +0 0.287186 0.611515 0.0263035 0.087276 0.534871 103 +0 0.640573 0.48764 0.0282167 0.0982651 0.3166 108 +0 0.465053 0.398646 0.0701765 0.156196 0.655439 109 +0 0.517779 0.434008 0.0183405 0.0595905 0.488493 111 +0 0.232733 0.44321 0.0270636 0.0946179 0.427271 112 +0 0.922182 0.868365 0.0159361 0.0416472 0.432058 115 +0 0.43084 0.833902 0.0236348 0.0665631 0.485629 116 +0 0.504534 0.683206 0.023525 0.0681136 0.414084 119 +0 0.788847 0.17311 0.0464096 0.0954798 0.542032 121 +0 0.570264 0.825366 0.0176656 0.0713506 0.509374 122 +0 0.74209 0.681659 0.0253085 0.0609529 0.723536 123 +0 0.460879 0.806285 0.0124596 0.029907 0.407285 124 +0 0.456685 0.36375 0.0374091 0.0964845 0.360919 125 +0 0.183379 0.278656 0.0290312 0.105382 0.346619 128 +0 0.609774 0.698728 0.0128438 0.0449538 0.396101 129 +0 0.726952 0.844786 0.013375 0.0355323 0.388536 130 +0 0.111584 0.377985 0.0233544 0.0609965 0.696457 131 diff --git a/src/FlotationAnalytics/output_botsort/track20/labels/image19.txt b/src/FlotationAnalytics/output_botsort/track20/labels/image19.txt new file mode 100644 index 0000000..45d39d7 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track20/labels/image19.txt @@ -0,0 +1,181 @@ +0 0.78516 0.76068 0.0463216 0.0827398 0.581158 1 +0 0.24109 0.764137 0.0234284 0.0606145 0.651335 2 +0 0.42292 0.547119 0.0174207 0.0431679 0.673811 6 +0 0.641112 0.430334 0.0489372 0.0651377 0.496862 13 +0 0.504803 0.81416 0.022642 0.0490548 0.492121 16 +0 0.641546 0.785221 0.0331524 0.0640106 0.457592 18 +0 0.697168 0.79185 0.0252119 0.0639198 0.757571 21 +0 0.864046 0.915214 0.0154665 0.0397862 0.690849 23 +0 0.777853 0.883157 0.0182419 0.045102 0.76513 48 +0 0.432791 0.891717 0.02249 0.0657426 0.643135 50 +0 0.831734 0.63041 0.0274128 0.0633366 0.587395 60 +0 0.746725 0.663774 0.10953 0.152658 0.820741 63 +0 0.312737 0.626419 0.0217615 0.0779341 0.361764 68 +0 0.872397 0.550629 0.0567089 0.0833406 0.618682 80 +0 0.664422 0.642822 0.0275631 0.0741928 0.403775 95 +0 0.47383 0.72255 0.0223781 0.0477232 0.603931 98 +0 0.587956 0.67052 0.0183325 0.0462985 0.590205 102 +0 0.128888 0.659421 0.0775323 0.194519 0.777727 128 +0 0.194958 0.477839 0.0427198 0.0953154 0.532999 156 +0 0.92575 0.813342 0.0533644 0.100412 0.481779 163 +0 0.974007 0.737635 0.0519865 0.10438 0.516505 185 +0 0.358776 0.472654 0.0797782 0.121393 0.74866 189 +0 0.836308 0.522989 0.0196868 0.0488092 0.653903 260 +0 0.647042 0.0990415 0.0945013 0.155878 0.854107 274 +0 0.59345 0.543369 0.0258982 0.0589737 0.635857 299 +0 0.879686 0.465484 0.0220634 0.0564444 0.6675 312 +0 0.345408 0.23761 0.0649804 0.131798 0.611223 329 +0 0.419286 0.241041 0.0520411 0.10165 0.662402 337 +0 0.438884 0.750058 0.0253958 0.0771764 0.615248 58 +0 0.469052 0.675611 0.0199571 0.0406462 0.718497 89 +0 0.61741 0.67673 0.0181398 0.0456573 0.721939 370 +0 0.468872 0.582508 0.0196562 0.0403829 0.546109 380 +0 0.731915 0.0979657 0.0506451 0.0804559 0.639332 386 +0 0.679486 0.722235 0.0200771 0.0551631 0.430868 387 +0 0.464641 0.630804 0.0192337 0.0401751 0.558297 54 +0 0.392379 0.795317 0.027572 0.0647548 0.496614 83 +0 0.425993 0.673407 0.045449 0.0742578 0.327287 114 +0 0.396857 0.7326 0.0208336 0.0516129 0.578375 424 +0 0.0580749 0.645629 0.0290181 0.0891032 0.420054 434 +0 0.522665 0.610179 0.0709654 0.144403 0.776654 3 +0 0.597015 0.777803 0.0290921 0.0697852 0.55597 127 +0 0.615557 0.863224 0.0238296 0.063122 0.671684 86 +0 0.699961 0.39321 0.0276786 0.0693917 0.618511 101 +0 0.337846 0.610782 0.0162991 0.0466574 0.568429 170 +0 0.612054 0.492994 0.0183377 0.0449215 0.774014 448 +0 0.587539 0.612798 0.0220554 0.0536304 0.401404 455 +0 0.739492 0.37951 0.0193156 0.0544933 0.730108 456 +0 0.375757 0.580699 0.0485644 0.100309 0.39668 465 +0 0.195416 0.759161 0.0205735 0.0631451 0.542737 470 +0 0.120807 0.421038 0.0226769 0.0584749 0.584144 480 +0 0.561612 0.67184 0.0187956 0.0497905 0.727928 140 +0 0.758754 0.515841 0.0715443 0.107924 0.796407 92 +0 0.569023 0.731125 0.0223217 0.0615457 0.450304 139 +0 0.517888 0.781809 0.022192 0.0445569 0.313808 507 +0 0.459356 0.202251 0.0204073 0.0486572 0.628285 514 +0 0.815999 0.398969 0.017743 0.0440761 0.750424 521 +0 0.649969 0.542404 0.0545017 0.111023 0.650826 523 +0 0.547704 0.781955 0.0184418 0.0421563 0.693773 533 +0 0.549499 0.188187 0.0866159 0.146054 0.803897 31 +0 0.780759 0.403322 0.0328578 0.0694944 0.459914 269 +0 0.40484 0.618415 0.0211488 0.0574976 0.570348 556 +0 0.458316 0.410061 0.0742678 0.191741 0.758025 562 +0 0.586949 0.262333 0.0576384 0.0927462 0.653256 563 +0 0.708964 0.499668 0.0158533 0.038774 0.665578 582 +0 0.96174 0.533054 0.0765199 0.181193 0.811408 594 +0 0.611325 0.315277 0.0224755 0.05853 0.739834 225 +0 0.579654 0.466578 0.0420247 0.0732629 0.422422 27 +0 0.843252 0.363869 0.0236996 0.0562875 0.722869 272 +0 0.496102 0.500241 0.0192937 0.0497217 0.709846 600 +0 0.812069 0.337791 0.0180734 0.0474998 0.669668 601 +0 0.518054 0.393453 0.0233403 0.0474668 0.603774 603 +0 0.218514 0.1866 0.100956 0.170932 0.780624 604 +0 0.503428 0.902147 0.0164487 0.0509913 0.693921 614 +0 0.906317 0.378017 0.0169859 0.0392269 0.744543 620 +0 0.278768 0.373022 0.0381676 0.0595478 0.553232 624 +0 0.501379 0.104819 0.0532611 0.118599 0.660677 625 +0 0.508434 0.330406 0.0186677 0.0620591 0.489317 627 +0 0.22383 0.535178 0.0222412 0.0605141 0.477991 628 +0 0.45366 0.152786 0.017021 0.0397079 0.654588 630 +0 0.561971 0.376328 0.0473038 0.0917949 0.576784 14 +0 0.850087 0.235692 0.102076 0.120634 0.829479 249 +0 0.917005 0.415762 0.0201897 0.0427193 0.73315 656 +0 0.14664 0.342373 0.0191202 0.055234 0.682977 670 +0 0.24059 0.423759 0.0260961 0.0749478 0.340891 673 +0 0.91153 0.46607 0.0156219 0.0384415 0.731891 674 +0 0.0872452 0.369271 0.0185434 0.058111 0.661149 675 +0 0.52954 0.342145 0.019984 0.0386879 0.531865 682 +0 0.171382 0.402213 0.0445964 0.085104 0.637923 687 +0 0.183168 0.620223 0.0212794 0.0582339 0.641959 691 +0 0.378795 0.0798345 0.0425956 0.0929211 0.344367 692 +0 0.530148 0.463563 0.0255046 0.0754876 0.505043 700 +0 0.250417 0.595665 0.0197041 0.0614383 0.709487 221 +0 0.835606 0.446998 0.0344862 0.0581723 0.443605 219 +0 0.296277 0.518409 0.0389792 0.0821554 0.434528 476 +0 0.444823 0.612161 0.0175426 0.0336818 0.636552 534 +0 0.40484 0.122625 0.0176118 0.0424294 0.681311 704 +0 0.305799 0.140639 0.0163605 0.0455421 0.703287 709 +0 0.585899 0.0764207 0.0159639 0.0428528 0.717677 710 +0 0.446704 0.103373 0.0189113 0.0478907 0.710406 711 +0 0.386972 0.16044 0.0158349 0.0411809 0.651703 712 +0 0.319305 0.0949467 0.0228965 0.0582043 0.60671 713 +0 0.356507 0.734726 0.0184176 0.0443297 0.638403 714 +0 0.259976 0.296455 0.0205591 0.0394181 0.629451 715 +0 0.539798 0.287196 0.0144772 0.0318655 0.662126 716 +0 0.544124 0.0772211 0.017435 0.0458762 0.665298 717 +0 0.703948 0.564901 0.0174178 0.0426987 0.731615 718 +0 0.266658 0.688495 0.0230216 0.060335 0.388795 724 +0 0.228176 0.322558 0.0203052 0.0688644 0.553579 729 +0 0.437711 0.314171 0.0137956 0.0387968 0.561453 732 +0 0.289389 0.438196 0.0235588 0.0664439 0.555836 733 +0 0.356965 0.654052 0.0170311 0.042671 0.600814 742 +0 0.348317 0.695339 0.0167829 0.0334512 0.558596 758 +0 0.250781 0.491493 0.0157154 0.0483755 0.614 765 +0 0.895082 0.294573 0.0147828 0.0432974 0.349254 369 +0 0.819843 0.702367 0.0201991 0.0457697 0.675203 373 +0 0.548687 0.843146 0.0189862 0.0656621 0.570514 113 +0 0.0872157 0.585953 0.0180793 0.0586572 0.508715 464 +0 0.383133 0.362674 0.0637749 0.10422 0.656565 775 +0 0.132189 0.481312 0.0203271 0.060871 0.586904 776 +0 0.326749 0.723447 0.0170852 0.0561303 0.619533 777 +0 0.935507 0.444761 0.0176478 0.039566 0.701833 780 +0 0.986555 0.645215 0.0224423 0.0461183 0.492852 784 +0 0.914605 0.593105 0.0231168 0.0491709 0.71259 785 +0 0.215423 0.60296 0.0190582 0.0578574 0.589826 786 +0 0.634338 0.722619 0.0211212 0.0500897 0.525542 789 +0 0.531169 0.822484 0.0156133 0.0352075 0.472453 800 +0 0.474342 0.256906 0.023143 0.0583072 0.450829 805 +0 0.671764 0.218549 0.0765938 0.102693 0.583802 806 +0 0.0719057 0.494813 0.0551999 0.115011 0.546186 807 +0 0.954287 0.297711 0.080423 0.19103 0.768487 811 +0 0.207422 0.404796 0.0135614 0.0429102 0.494775 819 +0 0.764898 0.31174 0.0280231 0.0606727 0.536682 302 +0 0.949474 0.616599 0.0136696 0.0368794 0.635721 72 +0 0.90097 0.66111 0.0262946 0.0799213 0.576035 467 +0 0.594851 0.718952 0.0172284 0.0424359 0.549229 105 +0 0.403144 0.525858 0.0157386 0.0398419 0.717983 477 +0 0.308915 0.293741 0.0117793 0.0349868 0.386712 327 +0 0.278533 0.812064 0.0258585 0.0654141 0.650488 44 +0 0.811813 0.484786 0.0154068 0.0417122 0.644037 228 +0 0.777837 0.245517 0.0185912 0.0527847 0.698782 824 +0 0.640563 0.322897 0.0138362 0.03367 0.753019 827 +0 0.829966 0.109718 0.0975096 0.125074 0.643697 828 +0 0.141531 0.2169 0.0239367 0.0600095 0.436796 829 +0 0.342154 0.061649 0.016459 0.0392327 0.631578 830 +0 0.451777 0.54931 0.0202054 0.0381681 0.674229 832 +0 0.319531 0.336757 0.0213925 0.0571366 0.650928 833 +0 0.851761 0.488095 0.0149163 0.0291282 0.391353 840 +0 0.395194 0.672986 0.0142661 0.0346038 0.417702 845 +0 0.701616 0.283113 0.0362247 0.0670325 0.515218 847 +0 0.27367 0.74729 0.0170681 0.0441415 0.65164 848 +0 0.179214 0.335402 0.0185655 0.042954 0.643732 850 +0 0.310068 0.388043 0.0128171 0.0374684 0.597418 852 +0 0.16002 0.532989 0.0118635 0.0462644 0.336313 854 +0 0.476543 0.531664 0.0197989 0.0460152 0.43467 855 +0 0.884666 0.334044 0.0465707 0.0738285 0.366532 861 +0 0.963493 0.837479 0.0180488 0.0459044 0.62357 234 +0 0.904023 0.1466 0.0175526 0.0462517 0.682677 865 +0 0.628982 0.373245 0.0194985 0.0532397 0.666387 867 +0 0.726573 0.455216 0.0242524 0.0584213 0.737623 868 +0 0.603582 0.410796 0.0157776 0.0363743 0.747951 869 +0 0.530926 0.0333157 0.0181586 0.0486123 0.688218 870 +0 0.743238 0.0326278 0.0138053 0.0382983 0.578467 871 +0 0.721485 0.0241027 0.0177421 0.0414106 0.763864 873 +0 0.694342 0.147505 0.0152291 0.0401645 0.642039 874 +0 0.45465 0.0328223 0.0779308 0.0586445 0.665647 875 +0 0.570157 0.0292961 0.0323685 0.0521582 0.618642 877 +0 0.219415 0.709003 0.0171518 0.0495161 0.468843 878 +0 0.872038 0.15094 0.0154337 0.0405362 0.704333 879 +0 0.856335 0.174083 0.0137905 0.0335152 0.580027 883 +0 0.788313 0.342577 0.0159039 0.0373535 0.492086 884 +0 0.753251 0.171742 0.0357146 0.0687321 0.493181 886 +0 0.367492 0.138008 0.0237667 0.0517048 0.435788 887 +0 0.674082 0.376795 0.0159273 0.0356836 0.582442 888 +0 0.663129 0.834335 0.0264679 0.0591045 0.661873 56 +0 0.232857 0.864489 0.0156158 0.0429143 0.52726 459 +0 0.599301 0.373081 0.0137429 0.0327335 0.350002 721 +0 0.79649 0.436472 0.0137596 0.0346431 0.427627 648 +0 0.553134 0.324123 0.0123466 0.0339791 0.598978 768 +0 0.433466 0.66548 0.0212202 0.0632212 0.318465 517 +0 0.508938 0.794523 0.0353835 0.0729449 0.395339 727 +0 0.37752 0.288038 0.0114502 0.037388 0.399908 744 diff --git a/src/FlotationAnalytics/output_botsort/track21/labels/image20.txt b/src/FlotationAnalytics/output_botsort/track21/labels/image20.txt new file mode 100644 index 0000000..98a477e --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track21/labels/image20.txt @@ -0,0 +1,192 @@ +0 0.781048 0.769344 0.0468671 0.0804284 0.668604 1 +0 0.240484 0.789178 0.0201353 0.0633562 0.596819 2 +0 0.41925 0.567908 0.0175433 0.0467227 0.675351 6 +0 0.633933 0.451503 0.0504284 0.0649138 0.625937 13 +0 0.502072 0.848272 0.0169589 0.0419872 0.538138 16 +0 0.634258 0.808555 0.037565 0.0626598 0.470358 18 +0 0.690404 0.816057 0.0239668 0.0604984 0.736701 21 +0 0.859373 0.923858 0.0163042 0.040347 0.783052 23 +0 0.826783 0.64198 0.02498 0.063697 0.641244 60 +0 0.742581 0.679609 0.107614 0.153271 0.80624 63 +0 0.322952 0.622353 0.0174245 0.0415661 0.386644 68 +0 0.865947 0.558484 0.0594445 0.0874988 0.627262 80 +0 0.657001 0.660584 0.0328153 0.080031 0.330715 95 +0 0.467857 0.741233 0.0205597 0.0409171 0.765444 98 +0 0.583591 0.693346 0.0188792 0.0467576 0.685214 102 +0 0.12584 0.699766 0.076491 0.212696 0.652112 128 +0 0.645155 0.446712 0.0239018 0.0603402 0.784274 156 +0 0.920878 0.874278 0.0250269 0.0488829 0.723243 163 +0 0.97303 0.741201 0.0529101 0.10738 0.484079 185 +0 0.357524 0.492916 0.0807654 0.126886 0.719912 189 +0 0.832492 0.535797 0.0220502 0.0511033 0.669816 260 +0 0.645025 0.109924 0.0957394 0.155114 0.822439 274 +0 0.58696 0.56351 0.0256179 0.0562672 0.631839 299 +0 0.875548 0.473348 0.0217966 0.055884 0.605831 312 +0 0.342926 0.258988 0.066684 0.138621 0.6834 329 +0 0.415358 0.258273 0.0541657 0.10083 0.728277 337 +0 0.447766 0.798574 0.0218956 0.0593014 0.726858 58 +0 0.465762 0.695804 0.019195 0.0356463 0.738215 89 +0 0.613689 0.697853 0.0186114 0.0462504 0.738432 370 +0 0.464355 0.606814 0.0189454 0.0396841 0.573275 380 +0 0.728476 0.11281 0.0491777 0.084504 0.586254 386 +0 0.676299 0.745654 0.0159958 0.0478826 0.473417 387 +0 0.4605 0.654426 0.0193052 0.0398706 0.597685 54 +0 0.396655 0.795061 0.0168501 0.0397599 0.370228 83 +0 0.420909 0.69991 0.0477745 0.0738453 0.419436 114 +0 0.386176 0.767147 0.0249521 0.0548088 0.408061 424 +0 0.0591582 0.677694 0.0245408 0.0756976 0.634054 434 +0 0.518686 0.634115 0.0685925 0.146529 0.793505 3 +0 0.59285 0.796869 0.0250203 0.0611779 0.619316 127 +0 0.611146 0.885389 0.0214219 0.0602247 0.662652 86 +0 0.693948 0.410483 0.026846 0.0694199 0.730427 101 +0 0.334799 0.642073 0.0153813 0.0387195 0.460467 170 +0 0.605074 0.513796 0.0177773 0.0428265 0.701833 448 +0 0.582448 0.634434 0.0220602 0.0545609 0.406242 455 +0 0.734604 0.392697 0.0192386 0.0515005 0.69833 456 +0 0.370994 0.605114 0.0497192 0.101211 0.435181 465 +0 0.194758 0.78823 0.0188921 0.06211 0.474086 470 +0 0.116676 0.447153 0.0205554 0.0599211 0.635409 480 +0 0.55639 0.696923 0.0185014 0.0480033 0.702548 140 +0 0.754977 0.529494 0.0726926 0.113144 0.785812 92 +0 0.564055 0.753337 0.0229175 0.0599294 0.643951 139 +0 0.51135 0.798815 0.0184381 0.0424625 0.755079 507 +0 0.456917 0.220806 0.0211435 0.0483027 0.662281 514 +0 0.811126 0.409911 0.0174406 0.043843 0.713236 521 +0 0.643099 0.563495 0.0527723 0.112107 0.687271 523 +0 0.54343 0.799867 0.0141589 0.0347671 0.442831 533 +0 0.547821 0.202373 0.0865784 0.154917 0.804544 31 +0 0.776544 0.412256 0.0313464 0.067571 0.551838 269 +0 0.400778 0.644485 0.0211402 0.0540207 0.713901 556 +0 0.455392 0.423643 0.0724891 0.198237 0.803659 562 +0 0.582902 0.277794 0.0563969 0.0969884 0.65549 563 +0 0.703553 0.518242 0.016219 0.0372185 0.639678 582 +0 0.960077 0.538791 0.0795477 0.173154 0.828571 594 +0 0.60579 0.333616 0.0220884 0.0567538 0.722219 225 +0 0.573083 0.487933 0.038506 0.0686464 0.347017 27 +0 0.8384 0.370968 0.0228482 0.0565139 0.710918 272 +0 0.489484 0.518702 0.0189174 0.0490989 0.728606 600 +0 0.808307 0.34945 0.0171593 0.0430585 0.71272 601 +0 0.514544 0.409211 0.0208033 0.0459301 0.644003 603 +0 0.212868 0.201308 0.0987356 0.17886 0.777351 604 +0 0.502175 0.913389 0.0189688 0.0527056 0.678139 614 +0 0.902344 0.385744 0.0165594 0.038055 0.756184 620 +0 0.271976 0.393993 0.0352242 0.0574824 0.452689 624 +0 0.498098 0.120953 0.0529554 0.119228 0.572374 625 +0 0.504552 0.345844 0.0184634 0.0572289 0.484163 627 +0 0.221871 0.55287 0.0198816 0.0533682 0.678846 628 +0 0.450896 0.169618 0.017582 0.0421946 0.702884 630 +0 0.557547 0.393274 0.0469749 0.0905357 0.657383 14 +0 0.846639 0.248842 0.101578 0.123594 0.834817 249 +0 0.912979 0.423947 0.0203468 0.0422151 0.724956 656 +0 0.143558 0.363949 0.0191956 0.0575234 0.632274 670 +0 0.234894 0.447295 0.0333006 0.0826833 0.387599 673 +0 0.907568 0.475816 0.0162175 0.0397603 0.741747 674 +0 0.0830184 0.396622 0.0195412 0.0674675 0.467206 675 +0 0.525234 0.360021 0.0200479 0.0371751 0.658093 682 +0 0.167289 0.424495 0.0448578 0.0867459 0.669185 687 +0 0.177359 0.642927 0.0204605 0.0556266 0.640817 691 +0 0.377867 0.0921399 0.0405752 0.0825539 0.331523 692 +0 0.523724 0.48059 0.0257739 0.0754607 0.553711 700 +0 0.246404 0.618689 0.0198573 0.058917 0.734237 221 +0 0.832927 0.458584 0.0317411 0.0593086 0.502647 219 +0 0.29283 0.539518 0.042068 0.0799749 0.400331 476 +0 0.439208 0.639565 0.0164904 0.0321497 0.561034 534 +0 0.402321 0.14008 0.0172484 0.0445162 0.657436 704 +0 0.303163 0.158763 0.016417 0.0423734 0.66238 709 +0 0.583321 0.0899541 0.0163707 0.0424105 0.720076 710 +0 0.443115 0.119824 0.0189362 0.0473299 0.621971 711 +0 0.384055 0.178926 0.0161784 0.0412968 0.644251 712 +0 0.316105 0.110886 0.0228946 0.0622267 0.46438 713 +0 0.351118 0.763842 0.020672 0.0490821 0.518475 714 +0 0.25426 0.314866 0.0199752 0.0440241 0.682065 715 +0 0.536274 0.305189 0.01241 0.0305294 0.402121 716 +0 0.540973 0.0920123 0.0172343 0.0454675 0.665794 717 +0 0.701026 0.582354 0.0185986 0.0376241 0.701117 718 +0 0.26569 0.710157 0.0217394 0.0592332 0.633122 724 +0 0.223097 0.349375 0.0203581 0.0637707 0.603587 729 +0 0.433054 0.333182 0.0132286 0.0378805 0.543104 732 +0 0.283972 0.457779 0.0296153 0.0717893 0.376208 733 +0 0.353706 0.68092 0.017171 0.0420951 0.664623 742 +0 0.346508 0.721486 0.014433 0.0315924 0.593367 758 +0 0.24695 0.515187 0.0151782 0.0466048 0.678655 765 +0 0.891005 0.290063 0.0141921 0.0362154 0.667351 369 +0 0.814005 0.716903 0.0202872 0.0462893 0.75548 373 +0 0.54576 0.855678 0.0153963 0.0537655 0.671077 113 +0 0.083176 0.61759 0.0189509 0.059 0.494114 464 +0 0.378079 0.382728 0.062781 0.101291 0.665125 775 +0 0.12798 0.509168 0.019382 0.0659885 0.509947 776 +0 0.931671 0.452567 0.0163976 0.037395 0.668619 780 +0 0.984404 0.649543 0.0244473 0.0454241 0.517422 784 +0 0.911346 0.602825 0.0235143 0.0450203 0.654898 785 +0 0.210312 0.626026 0.0202578 0.056465 0.651138 786 +0 0.630619 0.743675 0.0229879 0.0556772 0.530011 789 +0 0.530207 0.843 0.0150925 0.0473763 0.542378 800 +0 0.474476 0.272873 0.0308654 0.061037 0.468672 805 +0 0.66342 0.23381 0.0719505 0.103729 0.62232 806 +0 0.0692968 0.524285 0.053643 0.116867 0.499677 807 +0 0.953589 0.301072 0.0815507 0.194817 0.765797 811 +0 0.20303 0.42669 0.0127649 0.0407085 0.471063 819 +0 0.759462 0.324788 0.0391768 0.0656023 0.439934 302 +0 0.946966 0.623235 0.013178 0.0365422 0.531056 72 +0 0.896772 0.662639 0.0241179 0.0732376 0.671368 467 +0 0.589826 0.741762 0.0170235 0.0417807 0.565088 105 +0 0.400069 0.546459 0.0160876 0.0406538 0.677246 477 +0 0.304711 0.31367 0.0114832 0.0335573 0.307959 327 +0 0.277329 0.830679 0.0207231 0.0569938 0.667582 44 +0 0.807218 0.496611 0.0154373 0.0413124 0.679226 228 +0 0.774324 0.257432 0.0186345 0.0528699 0.737605 824 +0 0.636573 0.340494 0.0147485 0.0322756 0.69144 827 +0 0.829094 0.112571 0.106703 0.134089 0.672431 828 +0 0.133139 0.243025 0.0414182 0.0769507 0.501899 829 +0 0.339976 0.0789945 0.0159235 0.0383515 0.553788 830 +0 0.448982 0.563403 0.0202036 0.0452546 0.693954 832 +0 0.314769 0.35684 0.0215759 0.0590445 0.693298 833 +0 0.846866 0.496716 0.0138665 0.0248996 0.541878 840 +0 0.390555 0.695632 0.0135308 0.0329676 0.419203 845 +0 0.698922 0.297734 0.0394199 0.0711897 0.464004 847 +0 0.268639 0.77353 0.016325 0.0525238 0.64426 848 +0 0.176021 0.357287 0.0182319 0.0449513 0.69211 850 +0 0.305623 0.409681 0.0130135 0.0367037 0.62744 852 +0 0.157723 0.56099 0.0131661 0.0502108 0.573282 854 +0 0.470458 0.549606 0.0223848 0.0574764 0.325537 855 +0 0.881577 0.342101 0.0461325 0.077245 0.348249 861 +0 0.961895 0.841465 0.0174309 0.0437035 0.622376 234 +0 0.901346 0.154631 0.019305 0.0498883 0.683116 865 +0 0.624977 0.391875 0.0204126 0.0498613 0.70743 867 +0 0.721836 0.468282 0.029134 0.0647498 0.613208 868 +0 0.598559 0.427736 0.0157219 0.0355627 0.656151 869 +0 0.527668 0.0485137 0.0175403 0.0488814 0.626635 870 +0 0.740127 0.0452226 0.0140366 0.0396178 0.738585 871 +0 0.717971 0.0349615 0.0185079 0.0478966 0.679982 873 +0 0.690695 0.161482 0.0159814 0.0417317 0.713194 874 +0 0.456181 0.0419877 0.0863122 0.0713342 0.730249 875 +0 0.567049 0.0396171 0.0286669 0.059677 0.546565 877 +0 0.217209 0.734894 0.01644 0.049536 0.456879 878 +0 0.867932 0.161459 0.0153061 0.0400812 0.704145 879 +0 0.852237 0.18561 0.0132236 0.0324251 0.580196 883 +0 0.783009 0.356764 0.0145852 0.0298251 0.60921 884 +0 0.750234 0.183876 0.0364981 0.0679006 0.496931 886 +0 0.36472 0.157158 0.0249744 0.0531535 0.56003 887 +0 0.670298 0.392178 0.0157489 0.0347676 0.640309 888 +0 0.658492 0.853832 0.0210306 0.0519429 0.738769 56 +0 0.595158 0.390506 0.0132609 0.0325121 0.603438 721 +0 0.654929 0.371463 0.0177705 0.0438607 0.732105 901 +0 0.299183 0.0752093 0.0172627 0.0396479 0.583739 902 +0 0.897433 0.905475 0.013742 0.0326725 0.57281 904 +0 0.942709 0.88895 0.0143757 0.0295954 0.706667 905 +0 0.914441 0.195402 0.013332 0.0352545 0.700273 906 +0 0.327462 0.411499 0.0151983 0.0410416 0.698777 907 +0 0.764894 0.0943569 0.0127829 0.0357255 0.605766 909 +0 0.423224 0.615844 0.0145055 0.0313174 0.494826 910 +0 0.579575 0.438414 0.0164066 0.0283833 0.547895 912 +0 0.741474 0.259198 0.0137672 0.0313444 0.549859 917 +0 0.413497 0.338752 0.0141076 0.0367532 0.549834 919 +0 0.791728 0.449147 0.0138289 0.0350188 0.482414 648 +0 0.373066 0.304993 0.011849 0.0393887 0.410215 744 +0 0.374156 0.837254 0.0190305 0.0525017 0.56557 9 +0 0.64538 0.89215 0.0150167 0.0377583 0.478613 7 +0 0.512268 0.731453 0.0155628 0.0430056 0.452322 454 +0 0.419674 0.151099 0.0153154 0.0327354 0.35479 725 +0 0.378159 0.667346 0.0172886 0.0390998 0.671187 760 +0 0.754501 0.756353 0.014198 0.033102 0.328956 84 +0 0.153002 0.304163 0.0147172 0.0428599 0.560984 778 diff --git a/src/FlotationAnalytics/output_botsort/track22/labels/image21.txt b/src/FlotationAnalytics/output_botsort/track22/labels/image21.txt new file mode 100644 index 0000000..ffc078f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track22/labels/image21.txt @@ -0,0 +1,186 @@ +0 0.77815 0.780483 0.0447329 0.0796276 0.791222 1 +0 0.240413 0.813473 0.0182447 0.0601728 0.688877 2 +0 0.416144 0.586205 0.0173259 0.0417879 0.703135 6 +0 0.628626 0.469683 0.0536933 0.0642845 0.563644 13 +0 0.500435 0.871958 0.0164099 0.0457702 0.756468 16 +0 0.632857 0.830508 0.0350179 0.0636048 0.425312 18 +0 0.68831 0.835613 0.0219793 0.059438 0.730213 21 +0 0.823299 0.652639 0.0252414 0.0635789 0.533448 60 +0 0.736431 0.694192 0.107139 0.148066 0.802538 63 +0 0.318091 0.618021 0.0162792 0.0394541 0.486581 68 +0 0.861338 0.569015 0.05908 0.086536 0.611426 80 +0 0.654346 0.680695 0.0278186 0.0751441 0.449307 95 +0 0.461539 0.756326 0.0189428 0.0384568 0.654841 98 +0 0.579645 0.714787 0.0182771 0.0437606 0.643631 102 +0 0.123997 0.735505 0.0754545 0.225812 0.343675 128 +0 0.918477 0.886104 0.0187836 0.0380103 0.746224 163 +0 0.972316 0.745682 0.054347 0.105587 0.406088 185 +0 0.356202 0.516927 0.081129 0.126381 0.736176 189 +0 0.828477 0.547533 0.0218697 0.0527012 0.611587 260 +0 0.642687 0.125174 0.0958039 0.152444 0.85784 274 +0 0.580541 0.582065 0.0245679 0.0539743 0.723739 299 +0 0.871204 0.483397 0.020275 0.0546258 0.493078 312 +0 0.33823 0.2776 0.0703613 0.138922 0.660183 329 +0 0.410516 0.274147 0.0547789 0.105109 0.70372 337 +0 0.450886 0.822724 0.0192355 0.0510812 0.688529 58 +0 0.46239 0.713414 0.019915 0.0311003 0.640972 89 +0 0.610324 0.716256 0.0183062 0.0481646 0.764259 370 +0 0.460935 0.626164 0.0192139 0.0379794 0.626214 380 +0 0.725671 0.127282 0.0476823 0.0829871 0.529803 386 +0 0.457924 0.673347 0.0200778 0.0383711 0.682438 54 +0 0.386096 0.795853 0.0272785 0.0542451 0.523248 424 +0 0.0591123 0.708044 0.0208262 0.0711365 0.587563 434 +0 0.515473 0.65535 0.0659069 0.144398 0.775795 3 +0 0.589172 0.814602 0.0240615 0.0551403 0.714886 127 +0 0.609337 0.908283 0.0163339 0.0491056 0.506662 86 +0 0.687961 0.424893 0.0297162 0.0719574 0.676011 101 +0 0.330805 0.668716 0.0153278 0.0372385 0.667247 170 +0 0.599051 0.532809 0.0179652 0.0434033 0.693687 448 +0 0.576945 0.655194 0.0221961 0.0551359 0.385415 455 +0 0.728606 0.405551 0.019758 0.0526266 0.712524 456 +0 0.367023 0.626013 0.0529649 0.100192 0.433236 465 +0 0.194593 0.821812 0.0190989 0.062545 0.566445 470 +0 0.114011 0.476366 0.0229495 0.0591844 0.432216 480 +0 0.552429 0.718938 0.0188126 0.0460592 0.750603 140 +0 0.748651 0.543752 0.0693808 0.114749 0.717099 92 +0 0.561589 0.771459 0.0227081 0.0553241 0.643371 139 +0 0.506967 0.815653 0.015133 0.0435329 0.551552 507 +0 0.453524 0.238082 0.0206733 0.0486586 0.70243 514 +0 0.805865 0.420967 0.0182429 0.044675 0.720235 521 +0 0.636337 0.581287 0.051299 0.112868 0.560175 523 +0 0.544871 0.217175 0.0871017 0.15565 0.809575 31 +0 0.771708 0.422152 0.0293068 0.0656232 0.441352 269 +0 0.397082 0.665986 0.0254486 0.0548886 0.620475 556 +0 0.448852 0.438369 0.0704986 0.206659 0.786268 562 +0 0.579551 0.29178 0.0578051 0.100341 0.595785 563 +0 0.698066 0.532575 0.0168843 0.0368511 0.723415 582 +0 0.957418 0.546154 0.0832777 0.173414 0.813242 594 +0 0.600881 0.350763 0.0226347 0.0574678 0.748519 225 +0 0.563667 0.506681 0.0446095 0.072399 0.314427 27 +0 0.833928 0.381768 0.021895 0.0569504 0.65159 272 +0 0.484822 0.536723 0.0193632 0.0492781 0.673018 600 +0 0.803813 0.361052 0.01663 0.0427319 0.73575 601 +0 0.509792 0.425223 0.0209824 0.0458703 0.648795 603 +0 0.209202 0.215471 0.099492 0.193116 0.792124 604 +0 0.897781 0.394228 0.0165691 0.0365079 0.780142 620 +0 0.268069 0.415435 0.0274448 0.0547316 0.438314 624 +0 0.494 0.135982 0.0538918 0.113339 0.744648 625 +0 0.499876 0.365136 0.0180441 0.0623912 0.604394 627 +0 0.199282 0.551907 0.0450943 0.101952 0.532601 628 +0 0.446684 0.18689 0.0170666 0.0426223 0.679792 630 +0 0.552779 0.408729 0.0477311 0.0951381 0.490276 14 +0 0.843001 0.261053 0.101126 0.125811 0.8387 249 +0 0.908029 0.432657 0.0202517 0.0436394 0.74332 656 +0 0.141394 0.386245 0.018896 0.0576375 0.633972 670 +0 0.231085 0.468655 0.0383331 0.0807109 0.406996 673 +0 0.902452 0.485695 0.0160848 0.0396508 0.740841 674 +0 0.0773122 0.425602 0.0251411 0.0713722 0.455041 675 +0 0.521512 0.375862 0.0196751 0.0362796 0.487543 682 +0 0.16177 0.449946 0.0445968 0.087082 0.570216 687 +0 0.17204 0.673126 0.0200322 0.0607455 0.648851 691 +0 0.373306 0.106689 0.0428573 0.0779829 0.423167 692 +0 0.517972 0.498457 0.0237795 0.0746631 0.544418 700 +0 0.241057 0.639492 0.0183208 0.05529 0.675885 221 +0 0.828314 0.466523 0.030931 0.0557839 0.482358 219 +0 0.291687 0.560542 0.0390385 0.0759657 0.451375 476 +0 0.43563 0.657973 0.0178765 0.0283556 0.732521 534 +0 0.398066 0.159711 0.0175055 0.0438873 0.672479 704 +0 0.299153 0.174842 0.017041 0.0418245 0.592993 709 +0 0.579948 0.10595 0.0173702 0.0429897 0.674667 710 +0 0.438419 0.137635 0.0191626 0.0456135 0.59801 711 +0 0.379947 0.198334 0.0163693 0.0405333 0.768815 712 +0 0.313502 0.127926 0.0253919 0.0663775 0.631992 713 +0 0.346172 0.784818 0.014713 0.0351325 0.345566 714 +0 0.249888 0.33396 0.021047 0.0464535 0.607308 715 +0 0.532893 0.319547 0.0132193 0.0291234 0.655824 716 +0 0.537451 0.107786 0.0165321 0.0449786 0.580074 717 +0 0.697598 0.597015 0.0189204 0.03374 0.569048 718 +0 0.263198 0.733644 0.0213525 0.067482 0.589152 724 +0 0.218341 0.373933 0.021389 0.0635409 0.587624 729 +0 0.427668 0.351929 0.0135011 0.0387652 0.662165 732 +0 0.281613 0.476978 0.0276523 0.0707096 0.51816 733 +0 0.243057 0.535987 0.0152183 0.043282 0.630067 765 +0 0.887892 0.295051 0.0144668 0.035887 0.634848 369 +0 0.809578 0.72918 0.0193655 0.0434635 0.723473 373 +0 0.547972 0.8734 0.0166206 0.0565936 0.493822 113 +0 0.0813991 0.648906 0.0191807 0.0609022 0.392222 464 +0 0.374128 0.4014 0.0571633 0.100208 0.693722 775 +0 0.126731 0.540784 0.0188867 0.0683319 0.538465 776 +0 0.925968 0.461262 0.0170041 0.040378 0.71565 780 +0 0.981766 0.655783 0.0236303 0.0425012 0.726419 784 +0 0.908138 0.613822 0.0240287 0.0482591 0.633568 785 +0 0.207102 0.646204 0.0195936 0.0675988 0.552086 786 +0 0.62731 0.763684 0.0209044 0.0574443 0.639153 789 +0 0.53357 0.863143 0.0146649 0.0470848 0.518677 800 +0 0.471816 0.289082 0.0341563 0.0621933 0.444083 805 +0 0.658181 0.247086 0.0686094 0.105226 0.555661 806 +0 0.0673717 0.55267 0.0513073 0.124778 0.595056 807 +0 0.952956 0.308355 0.0842047 0.195647 0.781482 811 +0 0.198805 0.451894 0.0131853 0.0421647 0.44641 819 +0 0.757082 0.337973 0.0431659 0.0687571 0.490785 302 +0 0.943638 0.631175 0.0132952 0.0360545 0.584975 72 +0 0.893164 0.669102 0.0225017 0.0677945 0.499922 467 +0 0.585315 0.762567 0.0189429 0.0418975 0.590527 105 +0 0.396921 0.566159 0.0162146 0.040177 0.750172 477 +0 0.299858 0.333025 0.01215 0.0349744 0.410649 327 +0 0.275864 0.836064 0.0189803 0.0539308 0.615522 44 +0 0.80182 0.50918 0.0151795 0.0408758 0.618106 228 +0 0.77128 0.269188 0.0190748 0.0530707 0.704943 824 +0 0.63223 0.353287 0.0162165 0.0302851 0.792076 827 +0 0.823582 0.146561 0.0587193 0.087706 0.356154 828 +0 0.127825 0.265974 0.0488329 0.084594 0.814392 829 +0 0.338095 0.098017 0.014311 0.0385481 0.356493 830 +0 0.445935 0.577955 0.0199794 0.0517692 0.593892 832 +0 0.310215 0.376603 0.0231562 0.0596096 0.621116 833 +0 0.840421 0.505453 0.013884 0.0246702 0.602657 840 +0 0.373183 0.18051 0.0596804 0.0567318 0.731952 845 +0 0.694723 0.312771 0.040315 0.0719254 0.455864 847 +0 0.263588 0.800854 0.0146729 0.0474636 0.554185 848 +0 0.173475 0.381189 0.0190027 0.0469619 0.676889 850 +0 0.300689 0.428477 0.0141936 0.0374711 0.471703 852 +0 0.156217 0.590552 0.0121163 0.0481177 0.526098 854 +0 0.466741 0.56855 0.0215852 0.0595555 0.45726 855 +0 0.874897 0.351087 0.0495026 0.0818965 0.479201 861 +0 0.960613 0.84339 0.016698 0.0427758 0.653682 234 +0 0.897605 0.164392 0.0240395 0.0551062 0.418838 865 +0 0.620235 0.409685 0.0193738 0.0488262 0.69722 867 +0 0.717421 0.481685 0.0291437 0.0660157 0.59573 868 +0 0.592488 0.443238 0.014905 0.0318283 0.743374 869 +0 0.524756 0.0646786 0.0179469 0.0526168 0.628122 870 +0 0.736967 0.0588609 0.0137365 0.0368781 0.522704 871 +0 0.715089 0.0482057 0.0180246 0.0486162 0.745607 873 +0 0.687341 0.175888 0.0161276 0.0422953 0.629135 874 +0 0.455797 0.0505722 0.0897171 0.0883721 0.783929 875 +0 0.564042 0.0517781 0.0249796 0.0633381 0.616531 877 +0 0.203848 0.764003 0.0149889 0.0446747 0.58433 878 +0 0.864394 0.171055 0.0145801 0.0406047 0.66774 879 +0 0.848886 0.195992 0.013225 0.0325835 0.322837 883 +0 0.779182 0.369293 0.0124486 0.0268009 0.507689 884 +0 0.746901 0.193983 0.0366544 0.0679228 0.518232 886 +0 0.360186 0.176493 0.026272 0.0539146 0.470042 887 +0 0.666766 0.402651 0.0156635 0.033333 0.614338 888 +0 0.658728 0.875969 0.0181207 0.0538628 0.787612 56 +0 0.590426 0.406385 0.0134403 0.0321247 0.732304 721 +0 0.649564 0.386949 0.0182203 0.0459594 0.762741 901 +0 0.295815 0.0935919 0.0160596 0.0375779 0.629798 902 +0 0.941531 0.890349 0.0139579 0.0300987 0.691021 905 +0 0.323168 0.425242 0.0155012 0.0389208 0.712378 907 +0 0.760632 0.106663 0.0137627 0.0362605 0.585612 909 +0 0.418123 0.631802 0.0146632 0.0306841 0.595677 910 +0 0.574285 0.45566 0.018238 0.0295577 0.574259 912 +0 0.738049 0.27267 0.014503 0.0273364 0.504078 917 +0 0.407901 0.355001 0.0136676 0.036943 0.620997 919 +0 0.786482 0.460895 0.0149528 0.0357699 0.500406 648 +0 0.368415 0.323267 0.0119745 0.0394235 0.521961 744 +0 0.435594 0.618904 0.0165305 0.0251198 0.612649 921 +0 0.789003 0.341018 0.0127641 0.0251058 0.490606 934 +0 0.740839 0.304052 0.0138193 0.0268885 0.509775 943 +0 0.416037 0.171473 0.0176237 0.0337368 0.416251 725 +0 0.372746 0.687137 0.0163778 0.0360596 0.57572 760 +0 0.750313 0.773181 0.0152415 0.0354197 0.3309 84 +0 0.685975 0.622248 0.0128893 0.0315572 0.365669 59 +0 0.345019 0.711394 0.0193725 0.0458265 0.704467 475 +0 0.251372 0.579401 0.0192667 0.0486504 0.690235 681 +0 0.367415 0.789151 0.0251622 0.0713712 0.571455 679 +0 0.545099 0.355717 0.0124014 0.032746 0.600877 768 +0 0.429082 0.706087 0.0199037 0.0524164 0.529588 517 diff --git a/src/FlotationAnalytics/output_botsort/track23/labels/image22.txt b/src/FlotationAnalytics/output_botsort/track23/labels/image22.txt new file mode 100644 index 0000000..48c2295 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track23/labels/image22.txt @@ -0,0 +1,177 @@ +0 0.775115 0.792601 0.0409832 0.0774754 0.811091 1 +0 0.413003 0.59926 0.0173033 0.0403043 0.687036 6 +0 0.622867 0.488142 0.0530093 0.0656966 0.554488 13 +0 0.499862 0.89354 0.0178008 0.0519222 0.755883 16 +0 0.635032 0.854748 0.0269262 0.0609566 0.710384 18 +0 0.688852 0.856026 0.0199802 0.061068 0.746782 21 +0 0.821065 0.661671 0.0289033 0.0697434 0.529759 60 +0 0.732659 0.709407 0.109189 0.153651 0.803114 63 +0 0.313386 0.637057 0.0140813 0.0393775 0.463423 68 +0 0.859401 0.579063 0.0573885 0.0873977 0.564799 80 +0 0.650511 0.698541 0.0277385 0.0795203 0.440317 95 +0 0.459178 0.771705 0.0174229 0.0358127 0.652452 98 +0 0.575832 0.733365 0.0181622 0.0446516 0.62746 102 +0 0.91623 0.89236 0.0173564 0.0370847 0.806948 163 +0 0.97154 0.751526 0.0566253 0.103645 0.499805 185 +0 0.353503 0.541314 0.0811698 0.121825 0.691426 189 +0 0.824635 0.559646 0.0223385 0.0525889 0.55352 260 +0 0.639908 0.139616 0.095969 0.150844 0.81951 274 +0 0.576552 0.598044 0.0235304 0.0542031 0.688841 299 +0 0.867164 0.49395 0.0206203 0.0550043 0.625798 312 +0 0.334335 0.298442 0.0686032 0.143944 0.607004 329 +0 0.405648 0.292023 0.0558442 0.103593 0.735421 337 +0 0.446461 0.843287 0.0160588 0.047284 0.678024 58 +0 0.459199 0.728069 0.0194191 0.0342367 0.697044 89 +0 0.608287 0.736407 0.0184988 0.0490889 0.748232 370 +0 0.456121 0.643378 0.0203335 0.0369757 0.645585 380 +0 0.721861 0.142361 0.0493371 0.0844178 0.54352 386 +0 0.453406 0.689693 0.0204162 0.0385235 0.557353 54 +0 0.51216 0.671397 0.0696851 0.144555 0.76341 3 +0 0.586016 0.833462 0.0243246 0.0481217 0.550796 127 +0 0.682666 0.439988 0.0288153 0.071086 0.634273 101 +0 0.59455 0.551089 0.0179147 0.0440116 0.745051 448 +0 0.574255 0.673043 0.0221434 0.0548021 0.409206 455 +0 0.723183 0.417432 0.0196201 0.0518434 0.694302 456 +0 0.364776 0.646855 0.0573806 0.0992382 0.537792 465 +0 0.113044 0.503695 0.0292495 0.065587 0.455298 480 +0 0.548518 0.739389 0.0183625 0.0479263 0.792118 140 +0 0.744071 0.55374 0.068093 0.108446 0.749849 92 +0 0.558458 0.789758 0.0218885 0.054568 0.541497 139 +0 0.449898 0.255454 0.0213915 0.0493005 0.677303 514 +0 0.802156 0.430851 0.0175002 0.0438973 0.738718 521 +0 0.630841 0.598888 0.0508533 0.118252 0.711705 523 +0 0.541401 0.23499 0.0858773 0.155883 0.794978 31 +0 0.766807 0.43371 0.0277919 0.0617661 0.512694 269 +0 0.391535 0.692477 0.0236233 0.055475 0.760462 556 +0 0.444423 0.449873 0.0707734 0.202601 0.79803 562 +0 0.576897 0.307141 0.0600437 0.101984 0.695678 563 +0 0.692878 0.548036 0.0172122 0.036015 0.647219 582 +0 0.954982 0.555585 0.0866476 0.171562 0.816611 594 +0 0.595103 0.367814 0.02236 0.0555415 0.690361 225 +0 0.555593 0.521417 0.047608 0.0837628 0.42996 27 +0 0.829705 0.392457 0.0216744 0.0564754 0.681378 272 +0 0.480054 0.552943 0.0194519 0.0473091 0.70862 600 +0 0.79995 0.372911 0.0163172 0.0427798 0.653636 601 +0 0.505371 0.441082 0.0224028 0.0454585 0.571596 603 +0 0.208289 0.226879 0.103335 0.212856 0.744338 604 +0 0.893936 0.405283 0.0173703 0.0387683 0.737642 620 +0 0.263775 0.435865 0.0234854 0.0552743 0.599044 624 +0 0.488634 0.150749 0.056179 0.114404 0.718208 625 +0 0.495954 0.3816 0.018323 0.0628153 0.519394 627 +0 0.191057 0.570484 0.0532843 0.115909 0.621373 628 +0 0.441823 0.203871 0.0171756 0.0436242 0.697338 630 +0 0.548827 0.425028 0.0493468 0.0948925 0.636879 14 +0 0.840728 0.27376 0.100085 0.12198 0.806412 249 +0 0.903869 0.443327 0.0197562 0.043013 0.751535 656 +0 0.141285 0.411404 0.0181372 0.0555355 0.647065 670 +0 0.226607 0.489625 0.034791 0.0765755 0.423401 673 +0 0.898374 0.496678 0.0165527 0.0425919 0.727105 674 +0 0.078846 0.4469 0.0229612 0.0604283 0.581075 675 +0 0.517329 0.39113 0.0188673 0.0373609 0.559243 682 +0 0.159439 0.475945 0.0430715 0.09366 0.609894 687 +0 0.166821 0.702689 0.0211259 0.0658138 0.623035 691 +0 0.37143 0.123654 0.0380869 0.0742184 0.454572 692 +0 0.514123 0.515237 0.0233243 0.0777098 0.445204 700 +0 0.235788 0.662553 0.0174541 0.0555925 0.692636 221 +0 0.820513 0.476567 0.0398753 0.0626194 0.456774 219 +0 0.292166 0.581341 0.0307834 0.0736217 0.36633 476 +0 0.42718 0.675875 0.0167745 0.0292739 0.395773 534 +0 0.392127 0.181265 0.0168989 0.0442497 0.628972 704 +0 0.295534 0.191327 0.0166163 0.0433846 0.613963 709 +0 0.575882 0.121937 0.0179034 0.0446305 0.645948 710 +0 0.433869 0.155685 0.0192718 0.0423969 0.636775 711 +0 0.375011 0.219278 0.0162237 0.0410313 0.72455 712 +0 0.310381 0.146355 0.0273019 0.0677905 0.518315 713 +0 0.244715 0.352159 0.0228802 0.0512827 0.491638 715 +0 0.528858 0.336016 0.0138405 0.030746 0.6537 716 +0 0.534097 0.124331 0.0171709 0.0460104 0.695749 717 +0 0.693409 0.608764 0.0178934 0.027636 0.624837 718 +0 0.2569 0.755852 0.0227627 0.071868 0.478318 724 +0 0.214823 0.397524 0.0205527 0.0604637 0.596026 729 +0 0.421697 0.370409 0.0143663 0.0396388 0.60911 732 +0 0.277745 0.500429 0.0277791 0.0712602 0.537336 733 +0 0.239003 0.557185 0.0162028 0.0446993 0.672329 765 +0 0.884544 0.304108 0.0143793 0.0337643 0.552445 369 +0 0.80474 0.742075 0.0184303 0.0440089 0.757158 373 +0 0.0763874 0.684912 0.0286426 0.0704641 0.31885 464 +0 0.368312 0.420196 0.0585487 0.104693 0.514956 775 +0 0.124832 0.573194 0.0187516 0.066042 0.535023 776 +0 0.922064 0.472321 0.0174342 0.0396882 0.732908 780 +0 0.979097 0.664999 0.0233916 0.0450032 0.644047 784 +0 0.904743 0.624822 0.0243619 0.0469693 0.642719 785 +0 0.203555 0.677237 0.0224951 0.0839604 0.450319 786 +0 0.624708 0.795649 0.0249764 0.0822828 0.587935 789 +0 0.536161 0.883942 0.0161439 0.0505963 0.770185 800 +0 0.468198 0.304906 0.0300812 0.0600919 0.382246 805 +0 0.655367 0.263079 0.0651533 0.10627 0.530999 806 +0 0.064962 0.581253 0.0534106 0.132389 0.599044 807 +0 0.951413 0.316674 0.0888303 0.198907 0.795637 811 +0 0.196248 0.475727 0.0127406 0.0421439 0.454963 819 +0 0.752686 0.349071 0.0443371 0.0726132 0.453387 302 +0 0.940795 0.641416 0.0131876 0.0367548 0.647759 72 +0 0.889976 0.677765 0.0224948 0.0626364 0.450193 467 +0 0.57921 0.786894 0.0195526 0.0443925 0.365788 105 +0 0.393342 0.585116 0.0158528 0.0383655 0.707975 477 +0 0.295313 0.352869 0.0121017 0.0349093 0.487195 327 +0 0.680731 0.571784 0.0159339 0.0453144 0.778111 44 +0 0.797375 0.521873 0.0151663 0.0420432 0.657849 228 +0 0.767831 0.280542 0.0197377 0.053103 0.65708 824 +0 0.627523 0.365151 0.0169147 0.0325825 0.738093 827 +0 0.822897 0.165058 0.0267178 0.0629629 0.496983 828 +0 0.122281 0.288009 0.0553085 0.0936832 0.799688 829 +0 0.335768 0.114738 0.0141707 0.038165 0.427207 830 +0 0.441507 0.591923 0.019903 0.0520369 0.582038 832 +0 0.305526 0.396025 0.0227244 0.0580714 0.651858 833 +0 0.843536 0.530548 0.0134268 0.0265853 0.571619 840 +0 0.362807 0.0337691 0.0749035 0.0675382 0.826834 845 +0 0.692931 0.327365 0.0417158 0.0723561 0.49993 847 +0 0.169142 0.405077 0.0183075 0.0420754 0.656222 850 +0 0.2956 0.449439 0.014689 0.0391102 0.621341 852 +0 0.153707 0.623311 0.0140466 0.052127 0.598055 854 +0 0.462608 0.589984 0.0235111 0.0515316 0.381939 855 +0 0.871807 0.360392 0.0507655 0.0883926 0.458127 861 +0 0.959533 0.846945 0.0164999 0.0417039 0.679511 234 +0 0.894755 0.171753 0.0261832 0.0591088 0.437677 865 +0 0.615451 0.425809 0.0193377 0.0491032 0.700005 867 +0 0.712189 0.493827 0.0313687 0.0684415 0.654531 868 +0 0.587804 0.458956 0.0146119 0.0315662 0.571168 869 +0 0.521805 0.0800682 0.0177625 0.0498406 0.636282 870 +0 0.733835 0.0725438 0.0133444 0.0369254 0.639391 871 +0 0.711467 0.0619867 0.0175788 0.0471561 0.75129 873 +0 0.683845 0.190458 0.0163609 0.0434258 0.689556 874 +0 0.455023 0.0589292 0.0946665 0.10543 0.791275 875 +0 0.561578 0.0686969 0.0262803 0.0636921 0.498018 877 +0 0.860736 0.183004 0.0151009 0.0423922 0.709049 879 +0 0.84533 0.208428 0.0134612 0.0333964 0.561681 883 +0 0.74402 0.206827 0.0372295 0.0691563 0.481437 886 +0 0.355705 0.194295 0.0248043 0.0529097 0.629247 887 +0 0.664341 0.409731 0.0160472 0.0361073 0.664404 888 +0 0.660108 0.897896 0.0161357 0.0509112 0.744402 56 +0 0.586942 0.422679 0.013695 0.0321268 0.548348 721 +0 0.645242 0.401563 0.0175761 0.0453261 0.698387 901 +0 0.293372 0.109833 0.0162727 0.0379573 0.716861 902 +0 0.939611 0.892443 0.0148331 0.0316158 0.58326 905 +0 0.317831 0.441567 0.015127 0.038104 0.681578 907 +0 0.757074 0.119259 0.0132188 0.0350492 0.54894 909 +0 0.569995 0.472659 0.0187779 0.0305027 0.566268 912 +0 0.734397 0.284082 0.0148549 0.026523 0.413236 917 +0 0.401423 0.372852 0.0137215 0.0359038 0.442484 919 +0 0.781957 0.473435 0.0139657 0.036591 0.411395 648 +0 0.363277 0.340667 0.0131903 0.0376002 0.505219 744 +0 0.428731 0.634144 0.0186064 0.0293336 0.68912 921 +0 0.785438 0.353097 0.0128207 0.0253559 0.55726 934 +0 0.73692 0.316935 0.0139388 0.0257756 0.400851 943 +0 0.411581 0.190497 0.0177596 0.034648 0.381595 725 +0 0.746771 0.792603 0.0141177 0.0401511 0.498177 84 +0 0.514939 0.034739 0.0135304 0.0364151 0.665018 945 +0 0.990468 0.434703 0.0132368 0.0398724 0.617999 946 +0 0.680075 0.584716 0.0171029 0.0314238 0.505608 948 +0 0.709978 0.376019 0.0134115 0.038352 0.447076 950 +0 0.684417 0.638925 0.017272 0.0387439 0.582372 59 +0 0.343228 0.733851 0.015247 0.0393453 0.408385 475 +0 0.247726 0.601677 0.0206696 0.0508742 0.65003 681 +0 0.359693 0.815555 0.0211803 0.0559885 0.538969 679 +0 0.54081 0.371863 0.0133862 0.0330983 0.650571 768 +0 0.16454 0.364261 0.0143947 0.0367146 0.5962 790 +0 0.414491 0.739745 0.0498315 0.0778994 0.35527 114 +0 0.909645 0.215394 0.0133186 0.0361142 0.584895 906 diff --git a/src/FlotationAnalytics/output_botsort/track24/labels/image23.txt b/src/FlotationAnalytics/output_botsort/track24/labels/image23.txt new file mode 100644 index 0000000..3608177 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track24/labels/image23.txt @@ -0,0 +1,182 @@ +0 0.774561 0.806441 0.0366217 0.0699106 0.842956 1 +0 0.410266 0.614384 0.0171133 0.0392498 0.683874 6 +0 0.618999 0.504294 0.0516587 0.0655109 0.504841 13 +0 0.50364 0.909579 0.0143418 0.0428819 0.648805 16 +0 0.63195 0.877425 0.023005 0.0586264 0.638538 18 +0 0.688137 0.878351 0.019906 0.0613476 0.746411 21 +0 0.817881 0.670759 0.027359 0.0680137 0.527086 60 +0 0.727552 0.727259 0.106074 0.152534 0.820607 63 +0 0.315146 0.658898 0.0153205 0.0401705 0.702954 68 +0 0.856284 0.591804 0.0547422 0.0900308 0.561175 80 +0 0.645518 0.71989 0.032582 0.0762824 0.372877 95 +0 0.391334 0.252915 0.0563686 0.0782268 0.788345 98 +0 0.573518 0.750724 0.0190288 0.0436909 0.702854 102 +0 0.915817 0.896758 0.0169366 0.0381947 0.813135 163 +0 0.969561 0.758711 0.0598012 0.102559 0.49354 185 +0 0.350424 0.565781 0.0811196 0.123844 0.713782 189 +0 0.822248 0.570013 0.0227522 0.0516062 0.339384 260 +0 0.636441 0.153918 0.0964528 0.150425 0.847107 274 +0 0.574144 0.614689 0.0245853 0.0550302 0.65301 299 +0 0.864031 0.505689 0.0200211 0.0549897 0.589319 312 +0 0.33207 0.314963 0.0676423 0.143717 0.649948 329 +0 0.402572 0.311207 0.0577289 0.103473 0.766747 337 +0 0.605876 0.756024 0.0194538 0.0469285 0.721353 370 +0 0.452575 0.654524 0.0213004 0.0316895 0.666432 380 +0 0.71869 0.156716 0.0508317 0.0846166 0.57674 386 +0 0.451397 0.697626 0.0196703 0.0374311 0.421388 54 +0 0.509542 0.687548 0.0719624 0.143448 0.732692 3 +0 0.678855 0.454854 0.0267315 0.0696024 0.584024 101 +0 0.59079 0.568188 0.0172099 0.0437316 0.684032 448 +0 0.572871 0.689667 0.0223244 0.0528471 0.358922 455 +0 0.718837 0.428679 0.0192155 0.049772 0.69409 456 +0 0.363743 0.671096 0.0599848 0.0996367 0.569241 465 +0 0.112429 0.532353 0.0331682 0.0711606 0.546407 480 +0 0.54497 0.760585 0.0190956 0.0497813 0.744342 140 +0 0.740151 0.567463 0.0696003 0.109401 0.777787 92 +0 0.554748 0.812599 0.0240361 0.0554594 0.641424 139 +0 0.446596 0.27168 0.0214743 0.0489309 0.66333 514 +0 0.799132 0.441943 0.0178107 0.043776 0.70515 521 +0 0.62752 0.61453 0.0498127 0.118333 0.719592 523 +0 0.537016 0.250495 0.0843273 0.155027 0.78339 31 +0 0.762742 0.444838 0.0315986 0.0635224 0.475655 269 +0 0.386744 0.718556 0.018847 0.0503991 0.693721 556 +0 0.44041 0.466312 0.0714793 0.196454 0.768265 562 +0 0.574188 0.32266 0.0612009 0.10593 0.607722 563 +0 0.688809 0.563231 0.0174483 0.0364815 0.734686 582 +0 0.952549 0.56746 0.0908849 0.166892 0.824254 594 +0 0.590802 0.382762 0.0219436 0.0538672 0.736506 225 +0 0.553748 0.541451 0.0448181 0.08143 0.317022 27 +0 0.826611 0.40236 0.0213062 0.0576822 0.652132 272 +0 0.476365 0.567834 0.0191707 0.0485413 0.750516 600 +0 0.79666 0.385776 0.0161238 0.0416622 0.759364 601 +0 0.502185 0.45662 0.0219395 0.0454576 0.562271 603 +0 0.207652 0.245642 0.101983 0.217065 0.607525 604 +0 0.89111 0.416924 0.0162378 0.0374967 0.70847 620 +0 0.26073 0.45712 0.0228 0.0557079 0.609623 624 +0 0.485647 0.165499 0.0564746 0.112745 0.708143 625 +0 0.492471 0.399741 0.0163032 0.0599472 0.4956 627 +0 0.183055 0.592048 0.055187 0.124045 0.537873 628 +0 0.438636 0.220225 0.0174501 0.0449209 0.678731 630 +0 0.545712 0.443153 0.0485518 0.0954723 0.583463 14 +0 0.836946 0.288187 0.097907 0.121704 0.815614 249 +0 0.900776 0.455642 0.0200262 0.0430172 0.707746 656 +0 0.143016 0.431332 0.0184427 0.0575874 0.647662 670 +0 0.223407 0.510951 0.0345401 0.0753056 0.349076 673 +0 0.895066 0.508347 0.016179 0.0417149 0.728773 674 +0 0.0836764 0.471757 0.0263152 0.0608352 0.630048 675 +0 0.513405 0.406704 0.0191777 0.036897 0.573833 682 +0 0.15653 0.50073 0.0428441 0.0964963 0.695115 687 +0 0.162326 0.74072 0.0193036 0.0643863 0.646197 691 +0 0.367883 0.140186 0.0421851 0.085978 0.398641 692 +0 0.510473 0.528948 0.0254749 0.0786124 0.407505 700 +0 0.232741 0.681458 0.0147275 0.045395 0.644126 221 +0 0.82103 0.48796 0.0333504 0.0620101 0.494844 219 +0 0.28492 0.605842 0.040917 0.0794936 0.4566 476 +0 0.416577 0.699623 0.0172364 0.0438372 0.716916 534 +0 0.387201 0.205686 0.0156602 0.0338217 0.650731 704 +0 0.293282 0.207829 0.0158693 0.0429592 0.705273 709 +0 0.572902 0.136181 0.0176728 0.0452052 0.762116 710 +0 0.43109 0.170663 0.0186617 0.045595 0.64714 711 +0 0.371688 0.238103 0.0161401 0.0406187 0.770785 712 +0 0.309128 0.156559 0.0302469 0.077613 0.418169 713 +0 0.241531 0.371464 0.0227564 0.0531758 0.586084 715 +0 0.525369 0.351387 0.0145718 0.0323311 0.585217 716 +0 0.531527 0.139746 0.017106 0.0436642 0.658337 717 +0 0.69141 0.624378 0.0168781 0.0290777 0.625965 718 +0 0.211973 0.419882 0.0212527 0.0581311 0.634517 729 +0 0.415866 0.389414 0.0149438 0.0396228 0.735793 732 +0 0.274458 0.521974 0.0275323 0.070502 0.511428 733 +0 0.235793 0.579838 0.0165242 0.0445925 0.653647 765 +0 0.881345 0.316804 0.014758 0.0335603 0.659401 369 +0 0.795448 0.751454 0.0187634 0.040271 0.622289 373 +0 0.363142 0.440935 0.0615714 0.105345 0.72307 775 +0 0.120579 0.606648 0.0194685 0.0616934 0.699692 776 +0 0.919471 0.483884 0.0164198 0.0389627 0.658283 780 +0 0.976399 0.673566 0.0231607 0.0416283 0.683663 784 +0 0.902577 0.634643 0.0226385 0.0467322 0.670677 785 +0 0.200252 0.712246 0.0220694 0.0761208 0.568604 786 +0 0.623008 0.811414 0.02408 0.0746293 0.565906 789 +0 0.538333 0.902275 0.015747 0.0510349 0.755813 800 +0 0.464886 0.321075 0.0329911 0.0611012 0.462713 805 +0 0.652426 0.27687 0.0642446 0.106544 0.621595 806 +0 0.0525249 0.598047 0.0270456 0.0859163 0.515928 807 +0 0.94826 0.326346 0.0936392 0.192874 0.787145 811 +0 0.194098 0.498615 0.0143567 0.0456262 0.568441 819 +0 0.748587 0.363897 0.04621 0.072162 0.4991 302 +0 0.937764 0.652524 0.0141632 0.0336518 0.532228 72 +0 0.88639 0.685101 0.0223377 0.0584682 0.446984 467 +0 0.577161 0.816622 0.019985 0.0543131 0.508138 105 +0 0.391234 0.602269 0.0172699 0.0387223 0.719445 477 +0 0.291785 0.37297 0.012159 0.0339036 0.393009 327 +0 0.794129 0.53355 0.0145602 0.0401622 0.593844 228 +0 0.763906 0.293464 0.0198128 0.0511861 0.733592 824 +0 0.623798 0.38008 0.0178163 0.03717 0.748341 827 +0 0.815647 0.183814 0.0376548 0.0697064 0.537066 828 +0 0.119446 0.305795 0.0562105 0.102027 0.712964 829 +0 0.334372 0.131785 0.0131407 0.0374882 0.472676 830 +0 0.436877 0.606449 0.0190791 0.0523982 0.602715 832 +0 0.30231 0.415126 0.0227939 0.0572789 0.712255 833 +0 0.842674 0.546772 0.013527 0.0269582 0.494772 840 +0 0.688651 0.341051 0.0414643 0.0801125 0.586179 847 +0 0.170726 0.428372 0.0168779 0.039769 0.652336 850 +0 0.291687 0.469137 0.0148406 0.0371881 0.749487 852 +0 0.15261 0.64746 0.0140859 0.0468251 0.645874 854 +0 0.460558 0.60425 0.0276643 0.0548151 0.406223 855 +0 0.871063 0.371589 0.0462773 0.078007 0.39999 861 +0 0.958586 0.849763 0.0153146 0.0396982 0.628396 234 +0 0.891742 0.18357 0.0252449 0.0571408 0.486982 865 +0 0.61213 0.439793 0.0201335 0.0502173 0.702742 867 +0 0.70866 0.506297 0.0342698 0.0724557 0.504427 868 +0 0.58356 0.474459 0.0155537 0.0306992 0.713931 869 +0 0.519484 0.0940174 0.0180995 0.048821 0.651209 870 +0 0.730573 0.0865577 0.0135367 0.037027 0.651176 871 +0 0.708597 0.075675 0.0189647 0.0483023 0.75251 873 +0 0.680909 0.204493 0.017428 0.0439384 0.728892 874 +0 0.452855 0.0661343 0.0953209 0.120782 0.83386 875 +0 0.55908 0.0839632 0.0278115 0.0656163 0.451206 877 +0 0.857766 0.195065 0.0149564 0.0424018 0.712554 879 +0 0.842456 0.221961 0.0122482 0.0318429 0.457932 883 +0 0.739765 0.221815 0.0379932 0.0678427 0.548536 886 +0 0.350784 0.217221 0.0207677 0.0466074 0.499822 887 +0 0.661764 0.419183 0.0160423 0.0393673 0.754233 888 +0 0.584025 0.438512 0.0137151 0.0316238 0.670254 721 +0 0.641499 0.415531 0.0185268 0.0430584 0.701524 901 +0 0.291398 0.125621 0.0154848 0.037751 0.69836 902 +0 0.938461 0.892674 0.0145236 0.0328585 0.57276 905 +0 0.31365 0.460244 0.0150826 0.0402667 0.684866 907 +0 0.754057 0.131775 0.0137747 0.0356983 0.624308 909 +0 0.566935 0.488852 0.0168744 0.0278141 0.526832 912 +0 0.731238 0.296369 0.0152106 0.0289992 0.52755 917 +0 0.395076 0.391241 0.0112761 0.0343515 0.302079 919 +0 0.77834 0.485608 0.0137406 0.0365602 0.433417 648 +0 0.359108 0.361179 0.0127394 0.0397048 0.532488 744 +0 0.42271 0.652474 0.018417 0.0362657 0.739711 921 +0 0.782204 0.366792 0.0122013 0.0246328 0.359965 934 +0 0.734295 0.330938 0.0142925 0.0260194 0.487331 943 +0 0.40651 0.211763 0.0155822 0.0318469 0.553864 725 +0 0.74382 0.812622 0.0150574 0.0438656 0.639557 84 +0 0.512608 0.0486829 0.0140399 0.0374978 0.658589 945 +0 0.985607 0.448285 0.0135825 0.0386695 0.471379 946 +0 0.677855 0.601196 0.0161372 0.0291348 0.491056 948 +0 0.706874 0.390801 0.0140435 0.0366971 0.52376 950 +0 0.682028 0.654899 0.0175286 0.0387904 0.561032 59 +0 0.243875 0.625376 0.0183942 0.0466132 0.549308 681 +0 0.53711 0.387073 0.0138498 0.0321798 0.482237 768 +0 0.268698 0.133209 0.0139362 0.0393303 0.634834 965 +0 0.570463 0.0385507 0.0162577 0.0338671 0.66435 968 +0 0.0694036 0.508549 0.0176265 0.0455347 0.640146 972 +0 0.22906 0.451926 0.0139541 0.0305916 0.553444 973 +0 0.893305 0.606145 0.0138144 0.0344345 0.383073 983 +0 0.163726 0.385961 0.0145423 0.0382753 0.673986 790 +0 0.908836 0.225616 0.0134904 0.0369549 0.60427 906 +0 0.874898 0.773282 0.115753 0.219419 0.496525 47 +0 0.805046 0.0952315 0.0690603 0.113071 0.620185 174 +0 0.456482 0.580799 0.01582 0.0298041 0.302637 539 +0 0.312539 0.809164 0.0161274 0.0417945 0.410632 777 +0 0.851129 0.445171 0.014996 0.0436132 0.713211 156 +0 0.490879 0.971096 0.0128503 0.0358376 0.493828 614 +0 0.356584 0.774212 0.0123032 0.0389428 0.486704 742 +0 0.328903 0.769448 0.0177832 0.0478169 0.580285 758 +0 0.158171 0.718671 0.0269342 0.0825336 0.480577 128 +0 0.378707 0.846435 0.0215084 0.0494659 0.753815 424 +0 0.771602 0.392391 0.0124862 0.0277291 0.597716 884 diff --git a/src/FlotationAnalytics/output_botsort/track25/labels/image24.txt b/src/FlotationAnalytics/output_botsort/track25/labels/image24.txt new file mode 100644 index 0000000..7f8dcc5 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track25/labels/image24.txt @@ -0,0 +1,181 @@ +0 0.771473 0.827035 0.0321645 0.0575706 0.530184 1 +0 0.410211 0.623745 0.0164038 0.0341433 0.707973 6 +0 0.613851 0.519562 0.047769 0.0627226 0.495883 13 +0 0.630097 0.895687 0.0192725 0.0487664 0.404706 18 +0 0.686467 0.89651 0.0171658 0.0480935 0.746817 21 +0 0.813613 0.680992 0.0229691 0.0584294 0.775333 60 +0 0.723538 0.745853 0.103009 0.159444 0.812974 63 +0 0.854032 0.602554 0.0499656 0.0878082 0.649243 80 +0 0.64227 0.737195 0.0349897 0.0763815 0.351343 95 +0 0.384272 0.184485 0.0392787 0.0536501 0.663476 98 +0 0.566067 0.761381 0.0198023 0.0419831 0.739138 102 +0 0.914704 0.89991 0.0186679 0.0402958 0.814826 163 +0 0.968073 0.761221 0.0617068 0.096163 0.61769 185 +0 0.347994 0.584121 0.0778674 0.124894 0.741602 189 +0 0.815115 0.584691 0.0310142 0.0602857 0.315084 260 +0 0.632936 0.166199 0.0942023 0.151844 0.817221 274 +0 0.571046 0.630615 0.0242018 0.0535598 0.575573 299 +0 0.86091 0.517388 0.0199812 0.0541521 0.698526 312 +0 0.328756 0.328065 0.0630426 0.14307 0.711146 329 +0 0.398708 0.326328 0.0575679 0.109633 0.707008 337 +0 0.602352 0.772483 0.0204437 0.0452072 0.69089 370 +0 0.453004 0.665909 0.0201589 0.0313714 0.647268 380 +0 0.715958 0.168567 0.0517034 0.0886227 0.599937 386 +0 0.453454 0.71133 0.0181517 0.0405756 0.670301 54 +0 0.509298 0.704869 0.071132 0.154021 0.758815 3 +0 0.678266 0.466642 0.0240202 0.0677467 0.653783 101 +0 0.587291 0.583854 0.0175 0.0432309 0.695313 448 +0 0.570953 0.70387 0.0215647 0.0492663 0.418161 455 +0 0.716087 0.440711 0.0189827 0.0480663 0.625897 456 +0 0.380943 0.681143 0.0524922 0.0892957 0.46874 465 +0 0.107955 0.564424 0.0377566 0.0746015 0.538873 480 +0 0.538772 0.780825 0.0203083 0.0482721 0.752653 140 +0 0.737807 0.578912 0.0689132 0.107788 0.753458 92 +0 0.5516 0.833416 0.0229416 0.0578178 0.576809 139 +0 0.443593 0.28539 0.020579 0.0493523 0.683928 514 +0 0.796584 0.452764 0.0175298 0.0447151 0.732341 521 +0 0.626855 0.629911 0.0538733 0.11757 0.727339 523 +0 0.536021 0.266086 0.0828541 0.158928 0.746805 31 +0 0.758096 0.455203 0.0340143 0.0635385 0.400231 269 +0 0.381857 0.748105 0.0147448 0.0470746 0.320102 556 +0 0.437784 0.480119 0.0734504 0.197073 0.787782 562 +0 0.57163 0.338952 0.0595649 0.104908 0.612365 563 +0 0.686489 0.577425 0.0169527 0.0356661 0.625107 582 +0 0.949959 0.576974 0.0964785 0.16095 0.80781 594 +0 0.58806 0.39706 0.0232689 0.0534933 0.528694 225 +0 0.824318 0.412661 0.0210194 0.0580386 0.758511 272 +0 0.474128 0.581822 0.0179752 0.0473453 0.753343 600 +0 0.794494 0.395931 0.0163528 0.0412465 0.73295 601 +0 0.500228 0.469965 0.0209806 0.0453047 0.605629 603 +0 0.20608 0.265688 0.0988207 0.215687 0.732987 604 +0 0.888732 0.427825 0.0156275 0.0347022 0.74192 620 +0 0.257415 0.476498 0.0217821 0.0543794 0.609454 624 +0 0.482267 0.178158 0.0558413 0.116053 0.717359 625 +0 0.48965 0.411468 0.0169308 0.0560262 0.546334 627 +0 0.178704 0.610704 0.0559838 0.126492 0.602527 628 +0 0.436268 0.23374 0.017341 0.0449102 0.703614 630 +0 0.544547 0.458129 0.0495424 0.0965759 0.608822 14 +0 0.833508 0.299831 0.0970266 0.12384 0.830198 249 +0 0.898116 0.467463 0.0197604 0.0422455 0.752104 656 +0 0.142905 0.448422 0.0176929 0.0543913 0.67069 670 +0 0.222603 0.528979 0.0275402 0.0713289 0.315465 673 +0 0.89131 0.519466 0.0160469 0.0416143 0.766541 674 +0 0.0887409 0.49756 0.023254 0.0648263 0.553619 675 +0 0.511033 0.420886 0.0202668 0.0366882 0.556308 682 +0 0.152024 0.522397 0.04493 0.0947051 0.715599 687 +0 0.15762 0.765984 0.0171529 0.0521123 0.657999 691 +0 0.364581 0.155076 0.0478714 0.0846603 0.386115 692 +0 0.508143 0.544649 0.0251778 0.0826225 0.489701 700 +0 0.229667 0.708609 0.0159256 0.0554033 0.695537 221 +0 0.820867 0.499039 0.0301258 0.0608184 0.450851 219 +0 0.282359 0.62468 0.0446387 0.0855538 0.315681 476 +0 0.413499 0.73263 0.0179663 0.0575143 0.405381 534 +0 0.384276 0.223238 0.0148363 0.0311429 0.723983 704 +0 0.292589 0.221581 0.016262 0.0463759 0.658846 709 +0 0.570418 0.148145 0.0173829 0.0437026 0.662242 710 +0 0.428762 0.18479 0.0188512 0.0453655 0.539577 711 +0 0.369448 0.255367 0.0163165 0.0390046 0.73683 712 +0 0.310914 0.165951 0.0338851 0.0853196 0.53695 713 +0 0.238179 0.388557 0.0251212 0.0526087 0.579689 715 +0 0.522802 0.36511 0.0148064 0.0319399 0.625008 716 +0 0.529145 0.151741 0.0168556 0.0414244 0.599891 717 +0 0.690966 0.639571 0.0163277 0.0273177 0.572053 718 +0 0.209605 0.439326 0.0206625 0.0589 0.611106 729 +0 0.411573 0.406071 0.0154056 0.0396048 0.670405 732 +0 0.272028 0.539225 0.0255169 0.0695785 0.516387 733 +0 0.233093 0.599904 0.0167244 0.0469338 0.679844 765 +0 0.879139 0.329241 0.0152538 0.0342386 0.657679 369 +0 0.788467 0.761659 0.0194342 0.0503301 0.652173 373 +0 0.360155 0.457778 0.061095 0.105928 0.633095 775 +0 0.117753 0.637037 0.0177534 0.0630624 0.41109 776 +0 0.916765 0.494273 0.0171565 0.0400479 0.713085 780 +0 0.898914 0.644126 0.0235517 0.0496743 0.661401 785 +0 0.194912 0.735036 0.0236702 0.0752647 0.519051 786 +0 0.61997 0.824617 0.0239251 0.0711051 0.539252 789 +0 0.536521 0.927011 0.0135623 0.0451541 0.663206 800 +0 0.462362 0.333802 0.0308849 0.060212 0.451791 805 +0 0.647184 0.288501 0.0659178 0.105158 0.585397 806 +0 0.0479415 0.618249 0.0159184 0.0558632 0.674495 807 +0 0.948686 0.333908 0.0952003 0.197876 0.790281 811 +0 0.190877 0.518255 0.0146362 0.047686 0.634329 819 +0 0.745767 0.376506 0.0461575 0.0707683 0.539176 302 +0 0.933067 0.664421 0.0135857 0.0358559 0.534614 72 +0 0.882471 0.693464 0.0212891 0.0545235 0.690678 467 +0 0.566453 0.859115 0.0181434 0.0429727 0.405149 105 +0 0.390397 0.615887 0.0170858 0.0349279 0.655114 477 +0 0.288897 0.390287 0.0134183 0.0341126 0.475591 327 +0 0.79079 0.544264 0.0146707 0.0393349 0.697807 228 +0 0.761779 0.305158 0.0204826 0.0532878 0.732232 824 +0 0.621287 0.392521 0.017758 0.0354551 0.722903 827 +0 0.815706 0.193835 0.0286465 0.0655407 0.441713 828 +0 0.116041 0.321512 0.0597246 0.103717 0.657335 829 +0 0.435242 0.626706 0.0167233 0.0417579 0.632309 832 +0 0.299485 0.433623 0.0235501 0.0568932 0.619437 833 +0 0.839788 0.560143 0.0141199 0.029545 0.489491 840 +0 0.686127 0.353817 0.0424229 0.0841351 0.527206 847 +0 0.16874 0.45005 0.014077 0.036061 0.492234 850 +0 0.288303 0.488061 0.0164942 0.0366518 0.656929 852 +0 0.150327 0.669392 0.0144912 0.0505925 0.400978 854 +0 0.459628 0.619545 0.0285215 0.0504675 0.413466 855 +0 0.865827 0.384295 0.0483444 0.081345 0.429607 861 +0 0.957643 0.853201 0.0147575 0.0386576 0.593653 234 +0 0.889113 0.193275 0.0267907 0.0607157 0.393995 865 +0 0.608967 0.452272 0.0204856 0.0505251 0.651243 867 +0 0.705517 0.519655 0.0340551 0.0706878 0.481385 868 +0 0.579769 0.487026 0.0158282 0.0321505 0.745267 869 +0 0.516591 0.105435 0.0183477 0.0472056 0.553351 870 +0 0.728868 0.0974274 0.0137402 0.0391638 0.734398 871 +0 0.706421 0.0889524 0.0193503 0.0469838 0.713572 873 +0 0.678718 0.216267 0.0175468 0.0447386 0.713721 874 +0 0.450804 0.0707611 0.0933039 0.132924 0.825691 875 +0 0.556324 0.0960113 0.0263721 0.0678022 0.478434 877 +0 0.854253 0.207764 0.0143121 0.0409571 0.683288 879 +0 0.737476 0.234329 0.0388653 0.0694504 0.616237 886 +0 0.348186 0.234633 0.019348 0.0412019 0.496024 887 +0 0.660651 0.428785 0.0161114 0.0390951 0.716233 888 +0 0.639262 0.423119 0.019046 0.0370193 0.691 901 +0 0.290114 0.13966 0.0142753 0.0363412 0.363987 902 +0 0.938065 0.893652 0.0140819 0.0340231 0.512797 905 +0 0.309475 0.475746 0.0155535 0.035464 0.695643 907 +0 0.751737 0.142592 0.0146426 0.037078 0.64743 909 +0 0.565849 0.50492 0.0140314 0.0244139 0.492097 912 +0 0.728809 0.309122 0.0162427 0.0284486 0.57598 917 +0 0.390854 0.408262 0.0122142 0.0332536 0.453461 919 +0 0.775215 0.497182 0.0141988 0.0391369 0.456377 648 +0 0.356381 0.37768 0.012599 0.0410989 0.645464 744 +0 0.728919 0.530358 0.015864 0.0401535 0.768011 921 +0 0.779797 0.379289 0.0131104 0.0257861 0.473229 934 +0 0.731776 0.34221 0.0145023 0.0264002 0.555333 943 +0 0.403529 0.227195 0.0154388 0.0329021 0.626712 725 +0 0.740552 0.833515 0.0178604 0.0472865 0.684698 84 +0 0.511538 0.0601419 0.0143633 0.0370839 0.535564 945 +0 0.980668 0.464347 0.0157378 0.0384277 0.533785 946 +0 0.676745 0.615342 0.0164355 0.0297016 0.481287 948 +0 0.703966 0.405048 0.0148889 0.0355996 0.700612 950 +0 0.679589 0.66836 0.0201543 0.0413896 0.642719 59 +0 0.241738 0.645624 0.0171952 0.0441975 0.687824 681 +0 0.534271 0.400468 0.0141418 0.0336804 0.699648 768 +0 0.267051 0.148761 0.0142579 0.0380396 0.696504 965 +0 0.567947 0.0511022 0.0149269 0.0326483 0.505903 968 +0 0.0652332 0.537189 0.0150917 0.0472935 0.532404 972 +0 0.225852 0.471459 0.0137709 0.031402 0.448191 973 +0 0.889664 0.618265 0.0152959 0.0319094 0.41885 983 +0 0.162662 0.405546 0.0151633 0.0409423 0.634149 790 +0 0.906413 0.236651 0.0127779 0.0367325 0.50202 906 +0 0.283019 0.0763136 0.0584737 0.095658 0.732838 988 +0 0.301657 0.770344 0.0211039 0.0643688 0.744263 990 +0 0.622461 0.045498 0.0550661 0.0836294 0.557014 994 +0 0.828935 0.540985 0.013739 0.0215106 0.519904 999 +0 0.637602 0.472258 0.0170772 0.0439943 0.661203 1001 +0 0.747928 0.0946931 0.0132069 0.0319774 0.456467 1002 +0 0.395874 0.584394 0.0112411 0.0240862 0.465444 1005 +0 0.352595 0.226592 0.0228662 0.046033 0.516959 1008 +0 0.866399 0.744314 0.070327 0.131093 0.648376 47 +0 0.821941 0.082937 0.0804116 0.135791 0.535857 174 +0 0.4568 0.593111 0.0170185 0.0279133 0.354693 539 +0 0.323616 0.791292 0.0176717 0.0468498 0.770563 758 +0 0.768892 0.404169 0.0129453 0.0269859 0.566668 884 +0 0.242955 0.352592 0.0150778 0.0304965 0.396106 837 +0 0.84693 0.941576 0.0161523 0.0358514 0.556523 23 +0 0.445262 0.761714 0.0198649 0.0556835 0.657412 89 +0 0.579482 0.852263 0.0195124 0.0485147 0.489106 127 diff --git a/src/FlotationAnalytics/output_botsort/track26/labels/image25.txt b/src/FlotationAnalytics/output_botsort/track26/labels/image25.txt new file mode 100644 index 0000000..5b2edde --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track26/labels/image25.txt @@ -0,0 +1,181 @@ +0 0.774935 0.866412 0.0179367 0.0435282 0.437175 1 +0 0.411539 0.63214 0.0160789 0.0381205 0.562826 6 +0 0.610138 0.536698 0.045776 0.0638641 0.503312 13 +0 0.623469 0.907059 0.0230978 0.0563313 0.403001 18 +0 0.809812 0.664685 0.016386 0.0425531 0.580725 60 +0 0.72263 0.757145 0.101272 0.148607 0.819214 63 +0 0.851175 0.613258 0.0507453 0.0899076 0.680924 80 +0 0.638204 0.75211 0.039419 0.0808204 0.357304 95 +0 0.369886 0.0756151 0.075865 0.103388 0.766028 98 +0 0.562754 0.773751 0.0222572 0.0447467 0.665379 102 +0 0.915242 0.904804 0.0161432 0.0367593 0.718259 163 +0 0.966711 0.771657 0.0642636 0.0969302 0.553924 185 +0 0.345588 0.600774 0.0735653 0.129509 0.745743 189 +0 0.80935 0.596649 0.0372057 0.0702789 0.585487 260 +0 0.629823 0.179516 0.0951443 0.153276 0.82877 274 +0 0.570042 0.645774 0.0233588 0.0532055 0.574677 299 +0 0.857955 0.527204 0.0205246 0.0548209 0.666813 312 +0 0.324187 0.342642 0.0618641 0.14489 0.651362 329 +0 0.396354 0.34238 0.0587036 0.110068 0.695162 337 +0 0.599201 0.789092 0.0211571 0.0448206 0.671961 370 +0 0.452933 0.684611 0.0203383 0.0337995 0.562208 380 +0 0.713112 0.17979 0.0504143 0.090601 0.549679 386 +0 0.45008 0.733788 0.019789 0.0509365 0.690022 54 +0 0.509479 0.720806 0.0735164 0.156637 0.74491 3 +0 0.676367 0.478749 0.0228287 0.0649422 0.656201 101 +0 0.58496 0.600008 0.0179518 0.0430911 0.715361 448 +0 0.572723 0.716493 0.0244996 0.0513238 0.48097 455 +0 0.713826 0.451966 0.0191781 0.0490398 0.654299 456 +0 0.382435 0.703993 0.0772089 0.0975183 0.715258 465 +0 0.106597 0.597439 0.0422924 0.0759479 0.348791 480 +0 0.534988 0.797042 0.0188883 0.0464166 0.793119 140 +0 0.735363 0.590688 0.0696227 0.107932 0.778568 92 +0 0.549296 0.858108 0.0191048 0.0460862 0.483999 139 +0 0.440982 0.299931 0.020077 0.0502587 0.765551 514 +0 0.794571 0.462782 0.0171857 0.0430779 0.720585 521 +0 0.625776 0.647349 0.0561213 0.120614 0.609493 523 +0 0.534408 0.277796 0.0849301 0.160015 0.770553 31 +0 0.754178 0.464659 0.03494 0.0648656 0.404296 269 +0 0.435436 0.494939 0.0737769 0.193692 0.806156 562 +0 0.567907 0.352036 0.0585671 0.100982 0.631448 563 +0 0.683726 0.590241 0.0160936 0.0332391 0.624792 582 +0 0.947938 0.589113 0.0989843 0.157889 0.828147 594 +0 0.585109 0.410382 0.0229169 0.0539957 0.611781 225 +0 0.822164 0.422158 0.0214776 0.0601483 0.649064 272 +0 0.473007 0.597627 0.0185535 0.049333 0.758659 600 +0 0.79215 0.406371 0.0167271 0.0419078 0.692982 601 +0 0.497845 0.484687 0.023141 0.0469093 0.592711 603 +0 0.202915 0.281508 0.101288 0.218292 0.786263 604 +0 0.886053 0.438425 0.0159161 0.0352379 0.772651 620 +0 0.253426 0.496029 0.0213107 0.0541491 0.496631 624 +0 0.479675 0.195105 0.0569459 0.113615 0.690728 625 +0 0.487017 0.428313 0.0173066 0.0581257 0.531987 627 +0 0.170317 0.632893 0.059596 0.121253 0.606382 628 +0 0.433681 0.247853 0.0173283 0.0443811 0.715947 630 +0 0.544004 0.471304 0.0487427 0.094944 0.545259 14 +0 0.830638 0.311376 0.0982356 0.122261 0.811492 249 +0 0.895532 0.479483 0.0200207 0.0481065 0.689857 656 +0 0.140852 0.466774 0.0180784 0.0552589 0.724401 670 +0 0.219079 0.551439 0.0367307 0.0771086 0.396089 673 +0 0.887236 0.530818 0.0160184 0.0431911 0.726327 674 +0 0.0910042 0.521722 0.0384953 0.0707139 0.503919 675 +0 0.508926 0.435377 0.019901 0.0357468 0.570511 682 +0 0.148944 0.540734 0.0474453 0.0931354 0.714 687 +0 0.360858 0.168363 0.0520782 0.0897096 0.442244 692 +0 0.506214 0.556983 0.0244842 0.0774491 0.427182 700 +0 0.227674 0.734713 0.014321 0.05258 0.660762 221 +0 0.819391 0.510547 0.026816 0.0611423 0.407553 219 +0 0.280973 0.646866 0.0471398 0.0894035 0.497719 476 +0 0.381663 0.236588 0.0140187 0.0360947 0.718098 704 +0 0.28992 0.237573 0.0171692 0.0441503 0.779741 709 +0 0.568048 0.161109 0.0177719 0.0438858 0.671575 710 +0 0.426812 0.198514 0.0184568 0.0450991 0.641166 711 +0 0.366758 0.271269 0.0161256 0.0385864 0.734391 712 +0 0.311111 0.179164 0.0372624 0.0885577 0.414894 713 +0 0.234446 0.406588 0.0283114 0.053404 0.506119 715 +0 0.520222 0.379878 0.0145029 0.0308488 0.612142 716 +0 0.526726 0.164846 0.0166185 0.0430016 0.642439 717 +0 0.692016 0.655798 0.0160501 0.0308006 0.532168 718 +0 0.205132 0.460752 0.022476 0.060257 0.533287 729 +0 0.407305 0.423607 0.0147068 0.0381356 0.660214 732 +0 0.269688 0.55763 0.0247458 0.0693986 0.499923 733 +0 0.229795 0.622918 0.0186934 0.0492793 0.735105 765 +0 0.877095 0.338577 0.0155623 0.033686 0.588283 369 +0 0.356623 0.473426 0.0626695 0.110915 0.629393 775 +0 0.919007 0.496315 0.0198832 0.0414805 0.561795 780 +0 0.895543 0.656924 0.0206731 0.0477407 0.634086 785 +0 0.187403 0.754215 0.0225471 0.0835265 0.62629 786 +0 0.61387 0.837918 0.0222448 0.0579301 0.69454 789 +0 0.535107 0.945624 0.0166428 0.0423592 0.665721 800 +0 0.460224 0.347268 0.0270856 0.0578701 0.380318 805 +0 0.647543 0.299783 0.0660788 0.107964 0.662836 806 +0 0.949198 0.342587 0.0960977 0.205459 0.805646 811 +0 0.187801 0.53834 0.0141467 0.0470001 0.581175 819 +0 0.744739 0.386957 0.0434046 0.0716591 0.42248 302 +0 0.929302 0.677356 0.0133086 0.0380503 0.704778 72 +0 0.875518 0.714022 0.0302576 0.0738209 0.471215 467 +0 0.561152 0.883846 0.015186 0.0281325 0.397551 105 +0 0.390992 0.630292 0.0162576 0.033192 0.66946 477 +0 0.285379 0.410733 0.0136779 0.0349002 0.492156 327 +0 0.787502 0.555741 0.0147832 0.0403108 0.696175 228 +0 0.759719 0.315253 0.0199094 0.0531056 0.6378 824 +0 0.618602 0.403357 0.0175497 0.0343933 0.775878 827 +0 0.812771 0.202462 0.0337187 0.0691672 0.402252 828 +0 0.110944 0.344204 0.0640526 0.0993197 0.647123 829 +0 0.435112 0.639922 0.0172054 0.0461846 0.559117 832 +0 0.296889 0.451674 0.0232901 0.0577042 0.6686 833 +0 0.836675 0.571576 0.0138123 0.028843 0.552437 840 +0 0.684326 0.364844 0.0418766 0.0837873 0.525935 847 +0 0.164756 0.468982 0.013558 0.0362007 0.338064 850 +0 0.285097 0.506126 0.0164249 0.0385597 0.645122 852 +0 0.45887 0.638758 0.027398 0.0456307 0.479038 855 +0 0.866521 0.392719 0.045858 0.0847019 0.426058 861 +0 0.957284 0.858313 0.0155883 0.0383181 0.605442 234 +0 0.887477 0.202297 0.0254264 0.0583645 0.580608 865 +0 0.604733 0.465503 0.0205222 0.0472316 0.748402 867 +0 0.703217 0.532436 0.0327551 0.0706502 0.570194 868 +0 0.57731 0.501324 0.0162088 0.0367275 0.680625 869 +0 0.512487 0.118899 0.0183955 0.0547275 0.58577 870 +0 0.726632 0.108301 0.0142017 0.0395033 0.669807 871 +0 0.704075 0.10114 0.0193784 0.0471663 0.71295 873 +0 0.676252 0.228065 0.0181396 0.0443853 0.73846 874 +0 0.449745 0.0772957 0.0924427 0.145498 0.835938 875 +0 0.554036 0.108844 0.026005 0.0692634 0.55617 877 +0 0.851286 0.217811 0.0146842 0.0425497 0.624531 879 +0 0.735745 0.243929 0.0383059 0.0687709 0.551822 886 +0 0.659216 0.440659 0.0157454 0.0375171 0.726672 888 +0 0.636761 0.433015 0.0184739 0.0373249 0.70859 901 +0 0.287134 0.153708 0.0128024 0.034576 0.308863 902 +0 0.938375 0.89865 0.0140247 0.0343439 0.439897 905 +0 0.305964 0.494309 0.0133667 0.0301387 0.517892 907 +0 0.749076 0.152252 0.0150475 0.0385064 0.690965 909 +0 0.72669 0.320338 0.016608 0.0247064 0.5345 917 +0 0.772523 0.508968 0.0135823 0.0378998 0.533298 648 +0 0.353541 0.394671 0.0131486 0.042164 0.708956 744 +0 0.72972 0.352753 0.0156744 0.0262088 0.525932 943 +0 0.400368 0.241529 0.0159448 0.0363386 0.514503 725 +0 0.738124 0.851879 0.0206019 0.0453139 0.711989 84 +0 0.512516 0.069679 0.0141102 0.0347721 0.588894 945 +0 0.976902 0.476178 0.0164272 0.0399199 0.567651 946 +0 0.676142 0.626155 0.018231 0.0244888 0.444583 948 +0 0.701349 0.416257 0.0158401 0.0365165 0.620124 950 +0 0.676792 0.67752 0.0218227 0.0462516 0.624665 59 +0 0.239852 0.667194 0.0159579 0.0400266 0.602566 681 +0 0.53188 0.414959 0.0142622 0.0332902 0.692937 768 +0 0.265023 0.164335 0.0144478 0.0395387 0.734904 965 +0 0.5676 0.0641395 0.0138368 0.0301157 0.396293 968 +0 0.0640823 0.567262 0.0155966 0.0482497 0.551305 972 +0 0.222287 0.491118 0.0135136 0.0315377 0.466944 973 +0 0.160056 0.423993 0.0147395 0.041154 0.664382 790 +0 0.904309 0.245999 0.0136497 0.0380339 0.690958 906 +0 0.282326 0.0888737 0.0577677 0.0982156 0.77158 988 +0 0.311287 0.770968 0.0166451 0.053462 0.595865 990 +0 0.610684 0.059541 0.0338476 0.0803774 0.419505 994 +0 0.635217 0.485099 0.0181292 0.048642 0.636479 1001 +0 0.745586 0.105256 0.0117146 0.0316399 0.458839 1002 +0 0.394449 0.59577 0.0110351 0.0243768 0.47161 1005 +0 0.347759 0.24208 0.0239614 0.0491798 0.493565 1008 +0 0.825759 0.0792264 0.0838314 0.140121 0.688921 174 +0 0.318547 0.816049 0.0161273 0.0463674 0.490266 758 +0 0.766143 0.415009 0.013472 0.0247148 0.440058 884 +0 0.281316 0.712533 0.0200412 0.0497563 0.642791 1016 +0 0.0585521 0.473028 0.0155599 0.0529561 0.539145 1019 +0 0.0760737 0.472675 0.014563 0.0433716 0.543468 1020 +0 0.181935 0.424493 0.0135526 0.0371313 0.607016 1025 +0 0.138256 0.205276 0.0199066 0.0529002 0.676979 1027 +0 0.864418 0.143587 0.0682304 0.0785593 0.50033 1032 +0 0.234051 0.458783 0.0132399 0.033322 0.503552 1040 +0 0.737668 0.060137 0.0377967 0.0536759 0.51627 1041 +0 0.730774 0.514916 0.0129216 0.0295298 0.454374 1045 +0 0.240379 0.369894 0.0140549 0.0294955 0.35625 837 +0 0.84341 0.601108 0.0154897 0.0384505 0.709598 23 +0 0.441998 0.795394 0.0225052 0.0630017 0.743569 89 +0 0.574703 0.863996 0.0178708 0.0379502 0.592425 127 +0 0.478971 0.860439 0.0151446 0.0431594 0.65309 482 +0 0.64456 0.881458 0.0204082 0.0407639 0.580163 300 +0 0.580797 0.95473 0.0161491 0.03859 0.546889 836 +0 0.550859 0.921275 0.0167764 0.0357431 0.658132 113 +0 0.865 0.476036 0.0110406 0.0340322 0.316698 44 +0 0.406594 0.787848 0.0219815 0.0616822 0.511335 114 +0 0.546227 0.57246 0.0498773 0.0858592 0.337307 27 +0 0.990356 0.441772 0.0158257 0.0400546 0.557473 156 diff --git a/src/FlotationAnalytics/output_botsort/track27/labels/image26.txt b/src/FlotationAnalytics/output_botsort/track27/labels/image26.txt new file mode 100644 index 0000000..8c31049 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track27/labels/image26.txt @@ -0,0 +1,181 @@ +0 0.778102 0.887549 0.0171048 0.0444595 0.527816 1 +0 0.411659 0.646036 0.0145956 0.0356826 0.414962 6 +0 0.608241 0.551045 0.0464072 0.0667262 0.538159 13 +0 0.806078 0.659745 0.0152036 0.0399446 0.718132 60 +0 0.719676 0.757604 0.105399 0.138392 0.830693 63 +0 0.849635 0.621291 0.0516732 0.0921849 0.668428 80 +0 0.632687 0.76302 0.0429985 0.0851333 0.510347 95 +0 0.363017 0.0474991 0.0904277 0.0949981 0.791198 98 +0 0.557497 0.78888 0.0233375 0.0464261 0.564604 102 +0 0.965951 0.778268 0.0644965 0.094195 0.472962 185 +0 0.343911 0.620881 0.0698103 0.130652 0.727037 189 +0 0.810547 0.602876 0.02833 0.0571398 0.554436 260 +0 0.627026 0.192874 0.0953337 0.156628 0.838855 274 +0 0.567433 0.658634 0.022449 0.05296 0.637305 299 +0 0.855092 0.536693 0.0206702 0.0541604 0.566228 312 +0 0.32085 0.35824 0.0642492 0.143656 0.66066 329 +0 0.393499 0.364411 0.058868 0.103444 0.690758 337 +0 0.595257 0.800078 0.0206328 0.0423626 0.712589 370 +0 0.450035 0.705271 0.0204229 0.0383376 0.562753 380 +0 0.711242 0.189363 0.0504488 0.0885344 0.463578 386 +0 0.445254 0.755389 0.0181965 0.0489019 0.752519 54 +0 0.505851 0.738412 0.0751818 0.166071 0.744438 3 +0 0.674215 0.491033 0.0221957 0.0631324 0.594782 101 +0 0.582816 0.615223 0.0172986 0.041078 0.718451 448 +0 0.569528 0.729193 0.0254199 0.0509111 0.393898 455 +0 0.711623 0.463081 0.0197649 0.048172 0.695222 456 +0 0.383707 0.726043 0.072995 0.112278 0.341441 465 +0 0.390152 0.234572 0.0509397 0.0530278 0.757106 480 +0 0.532469 0.811457 0.0180056 0.0451258 0.768055 140 +0 0.733574 0.600835 0.0706883 0.108907 0.76928 92 +0 0.439079 0.315699 0.0209306 0.0509306 0.771186 514 +0 0.791754 0.472834 0.0171265 0.0437713 0.722616 521 +0 0.622303 0.663396 0.0578069 0.118584 0.582486 523 +0 0.532843 0.297592 0.084639 0.156651 0.751416 31 +0 0.751994 0.474439 0.0364813 0.0659037 0.386579 269 +0 0.433709 0.509664 0.074761 0.196374 0.784736 562 +0 0.566299 0.363202 0.0581411 0.096153 0.655758 563 +0 0.681629 0.602754 0.0164621 0.032697 0.646515 582 +0 0.946853 0.599718 0.0996028 0.158579 0.843483 594 +0 0.582715 0.423446 0.0232851 0.0540568 0.619725 225 +0 0.819532 0.432 0.0219113 0.0599536 0.656951 272 +0 0.47173 0.614484 0.0188406 0.0506269 0.753662 600 +0 0.789619 0.416617 0.0167741 0.0410382 0.737807 601 +0 0.496067 0.499057 0.0228564 0.0484627 0.602091 603 +0 0.20044 0.305923 0.101319 0.208597 0.785469 604 +0 0.883766 0.448734 0.0162135 0.0358057 0.724039 620 +0 0.249532 0.516594 0.022618 0.0541924 0.494367 624 +0 0.477386 0.211014 0.0568364 0.114827 0.704285 625 +0 0.485416 0.443302 0.0175689 0.0610941 0.489141 627 +0 0.15453 0.657698 0.0782845 0.131146 0.693227 628 +0 0.430846 0.263487 0.0172786 0.0447396 0.699814 630 +0 0.54269 0.484676 0.0499536 0.093994 0.485643 14 +0 0.827346 0.323579 0.0998651 0.121017 0.844877 249 +0 0.893488 0.49173 0.0194406 0.0505597 0.709683 656 +0 0.137023 0.484313 0.0180254 0.0539553 0.72357 670 +0 0.213947 0.572606 0.0422135 0.0867013 0.311418 673 +0 0.883762 0.543142 0.0152594 0.04244 0.703851 674 +0 0.089724 0.544222 0.0308284 0.071147 0.418297 675 +0 0.507387 0.44972 0.0197302 0.0356349 0.551952 682 +0 0.145112 0.556278 0.0482102 0.0903535 0.640238 687 +0 0.358118 0.182725 0.0527453 0.0929558 0.441943 692 +0 0.504379 0.572834 0.0231364 0.0802096 0.317416 700 +0 0.817439 0.519479 0.0253939 0.0587634 0.577377 219 +0 0.27908 0.669144 0.050358 0.0886022 0.563784 476 +0 0.378756 0.254065 0.0145329 0.0372382 0.672969 704 +0 0.287855 0.253687 0.0171271 0.0423255 0.666248 709 +0 0.565522 0.173996 0.017693 0.0436598 0.631615 710 +0 0.424351 0.214321 0.018796 0.0447187 0.687722 711 +0 0.364357 0.288227 0.0159916 0.0382351 0.703382 712 +0 0.309178 0.193917 0.0366659 0.0920375 0.434376 713 +0 0.231053 0.424642 0.0267837 0.0540351 0.609253 715 +0 0.518253 0.39431 0.0153598 0.0301261 0.595644 716 +0 0.524218 0.179079 0.0178138 0.0452832 0.63684 717 +0 0.698295 0.669734 0.0201603 0.0371613 0.61257 718 +0 0.200117 0.482269 0.0239297 0.0630085 0.553964 729 +0 0.40323 0.441075 0.0149569 0.0389004 0.713596 732 +0 0.267382 0.577031 0.023221 0.0693433 0.32341 733 +0 0.224769 0.646316 0.0181566 0.0510902 0.787783 765 +0 0.874612 0.349175 0.0161977 0.0340926 0.617216 369 +0 0.352425 0.489539 0.0619645 0.111359 0.581972 775 +0 0.921206 0.498976 0.0185865 0.0413846 0.655136 780 +0 0.892724 0.668134 0.0210895 0.0417587 0.597381 785 +0 0.18444 0.779514 0.0177227 0.0681556 0.703768 786 +0 0.611198 0.843318 0.0217587 0.0518705 0.666544 789 +0 0.456471 0.361934 0.0260788 0.0567418 0.406274 805 +0 0.648232 0.31204 0.0745786 0.108479 0.664523 806 +0 0.947438 0.35115 0.0980466 0.207165 0.822672 811 +0 0.184189 0.557978 0.014615 0.0466505 0.607824 819 +0 0.743232 0.396207 0.0412118 0.0709404 0.466965 302 +0 0.868274 0.724068 0.0278171 0.0697407 0.326676 467 +0 0.390648 0.646731 0.0170093 0.0343927 0.669087 477 +0 0.280937 0.430485 0.0148519 0.0372479 0.620321 327 +0 0.784258 0.565808 0.0138583 0.0394222 0.670136 228 +0 0.757509 0.325012 0.0203504 0.0529158 0.782105 824 +0 0.616296 0.415618 0.0178184 0.0324193 0.702483 827 +0 0.811286 0.210357 0.0354451 0.0681704 0.456948 828 +0 0.105542 0.374456 0.0678078 0.11192 0.572812 829 +0 0.434307 0.656899 0.0172858 0.0451433 0.639708 832 +0 0.294202 0.468494 0.0227429 0.0538519 0.654564 833 +0 0.83351 0.580576 0.0139841 0.028424 0.604904 840 +0 0.682688 0.376279 0.0408535 0.0793106 0.566699 847 +0 0.159477 0.487338 0.0146406 0.0356024 0.5869 850 +0 0.281543 0.524001 0.0171199 0.0423254 0.675616 852 +0 0.45746 0.658379 0.0291555 0.0458862 0.426325 855 +0 0.869958 0.402573 0.034288 0.0682848 0.439073 861 +0 0.960234 0.862517 0.0157452 0.0371493 0.416613 234 +0 0.885383 0.2123 0.0260615 0.0590637 0.589862 865 +0 0.602102 0.478469 0.0207159 0.0457995 0.70176 867 +0 0.700448 0.543517 0.0324841 0.0710368 0.687864 868 +0 0.575534 0.513672 0.0165472 0.037304 0.681355 869 +0 0.509917 0.128974 0.0179023 0.0486085 0.588083 870 +0 0.724221 0.119 0.0153041 0.0395066 0.648669 871 +0 0.701903 0.112056 0.019819 0.0466886 0.705732 873 +0 0.674137 0.238819 0.0181611 0.0451132 0.71722 874 +0 0.448103 0.0859417 0.0938528 0.15784 0.820982 875 +0 0.551546 0.119339 0.0263223 0.0674931 0.57447 877 +0 0.847308 0.226185 0.0154807 0.0440121 0.666984 879 +0 0.734138 0.254162 0.0378905 0.0716477 0.525265 886 +0 0.657124 0.451609 0.0158162 0.038745 0.750611 888 +0 0.634913 0.443023 0.0182067 0.0366692 0.715248 901 +0 0.285741 0.166755 0.0143745 0.0350989 0.460983 902 +0 0.938923 0.901895 0.0138219 0.0322019 0.510765 905 +0 0.301984 0.512106 0.0136375 0.0302292 0.530888 907 +0 0.747435 0.162729 0.015657 0.039375 0.690296 909 +0 0.72422 0.329176 0.0169679 0.0291309 0.467942 917 +0 0.770073 0.519602 0.0134126 0.0379729 0.529357 648 +0 0.35032 0.411219 0.0139933 0.0424509 0.389815 744 +0 0.727709 0.363215 0.0164571 0.0257726 0.568059 943 +0 0.397554 0.258823 0.0162437 0.0375355 0.580493 725 +0 0.737151 0.863571 0.0213353 0.0506242 0.751681 84 +0 0.512552 0.0818543 0.0142582 0.0354395 0.511121 945 +0 0.973558 0.487638 0.016388 0.0420665 0.568831 946 +0 0.699224 0.428452 0.0155653 0.0373102 0.667488 950 +0 0.675212 0.684554 0.0228584 0.0515164 0.643778 59 +0 0.23549 0.689973 0.0152399 0.0410211 0.496197 681 +0 0.530201 0.429139 0.0146421 0.0333544 0.751209 768 +0 0.263252 0.178859 0.0149811 0.0411635 0.69802 965 +0 0.56673 0.076883 0.013923 0.0299213 0.454061 968 +0 0.070532 0.598993 0.019266 0.0516462 0.604102 972 +0 0.218172 0.51166 0.0123654 0.0261988 0.30316 973 +0 0.155591 0.442008 0.0147198 0.040186 0.654849 790 +0 0.902136 0.255743 0.0133047 0.0377508 0.56426 906 +0 0.282286 0.0999917 0.0565685 0.0988805 0.718446 988 +0 0.312196 0.789695 0.0128983 0.0356406 0.608184 990 +0 0.606209 0.0727581 0.0251487 0.0779024 0.432013 994 +0 0.632875 0.496975 0.0181339 0.0501273 0.706062 1001 +0 0.74369 0.115312 0.0128639 0.0314639 0.549776 1002 +0 0.39388 0.610804 0.0113043 0.0246485 0.415342 1005 +0 0.344285 0.259545 0.0237043 0.0493169 0.568982 1008 +0 0.825904 0.0807056 0.0864274 0.142302 0.759091 174 +0 0.312751 0.844777 0.014923 0.0480386 0.663666 758 +0 0.7633 0.424934 0.0134985 0.0255063 0.375443 884 +0 0.0546156 0.501649 0.0168937 0.055879 0.4952 1019 +0 0.0719582 0.494434 0.0135616 0.0394678 0.488278 1020 +0 0.177722 0.443694 0.0144007 0.038939 0.72225 1025 +0 0.134853 0.22058 0.0240488 0.0582238 0.518901 1027 +0 0.863958 0.14964 0.0644583 0.0805093 0.647337 1032 +0 0.229216 0.478752 0.0146171 0.036881 0.653458 1040 +0 0.735048 0.0696446 0.0413551 0.0567469 0.360909 1041 +0 0.728561 0.526721 0.0137737 0.0330517 0.510952 1045 +0 0.987028 0.748127 0.0131309 0.0292987 0.503074 1047 +0 0.618947 0.593393 0.0152563 0.0324052 0.582916 1048 +0 0.522923 0.0320242 0.0361595 0.058658 0.516891 1049 +0 0.643878 0.405398 0.0125991 0.0276046 0.647534 1053 +0 0.389563 0.224251 0.0144033 0.0238228 0.629018 1055 +0 0.176325 0.178334 0.0148753 0.0403472 0.598752 1056 +0 0.581351 0.134138 0.0111258 0.0334503 0.403976 1057 +0 0.537186 0.656029 0.0124742 0.0327015 0.552476 1059 +0 0.474872 0.881604 0.0144595 0.0403261 0.464532 482 +0 0.402011 0.809044 0.0167099 0.0503493 0.683307 114 +0 0.544167 0.588843 0.045935 0.0848425 0.345747 27 +0 0.627756 0.651015 0.0365616 0.0904426 0.353035 451 +0 0.430709 0.841912 0.0299775 0.0642877 0.491493 517 +0 0.25838 0.799154 0.0158539 0.0504292 0.630899 724 +0 0.965459 0.703801 0.0196358 0.0354948 0.433992 784 +0 0.384389 0.889211 0.0164351 0.0409761 0.701869 424 +0 0.780758 0.786458 0.0132354 0.0376494 0.448266 373 +0 0.100188 0.711446 0.0196617 0.0638349 0.534267 776 +0 0.556799 0.534474 0.0146506 0.0237017 0.334969 912 +0 0.822619 0.559633 0.0138084 0.0197459 0.445516 999 +0 0.867544 0.751939 0.03328 0.0522499 0.351641 47 diff --git a/src/FlotationAnalytics/output_botsort/track28/labels/image27.txt b/src/FlotationAnalytics/output_botsort/track28/labels/image27.txt new file mode 100644 index 0000000..7937101 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track28/labels/image27.txt @@ -0,0 +1,190 @@ +0 0.777426 0.901509 0.0146676 0.0426503 0.401998 1 +0 0.527741 0.219918 0.0446944 0.0422506 0.784161 6 +0 0.606569 0.56282 0.0480993 0.068027 0.650558 13 +0 0.805305 0.662073 0.0146957 0.0396976 0.740704 60 +0 0.719324 0.760275 0.105518 0.134356 0.819356 63 +0 0.849764 0.625342 0.0514708 0.090074 0.592976 80 +0 0.629029 0.771592 0.0439756 0.0874222 0.395234 95 +0 0.360861 0.0473859 0.0974064 0.0947718 0.766874 98 +0 0.557159 0.801912 0.0233162 0.0479204 0.675523 102 +0 0.965899 0.779315 0.0629885 0.0906536 0.391428 185 +0 0.342024 0.638339 0.0742088 0.136358 0.628969 189 +0 0.811215 0.60765 0.0232563 0.0478748 0.619026 260 +0 0.625438 0.203139 0.0950829 0.155365 0.834336 274 +0 0.562158 0.67118 0.020592 0.0476882 0.614544 299 +0 0.853421 0.543176 0.0199668 0.0518286 0.585409 312 +0 0.317592 0.378278 0.0677667 0.143337 0.635981 329 +0 0.39157 0.381583 0.0592156 0.102727 0.700205 337 +0 0.59332 0.811585 0.019021 0.0439023 0.680484 370 +0 0.453611 0.719227 0.0187073 0.0383129 0.612204 380 +0 0.709302 0.199511 0.0483517 0.0874978 0.531529 386 +0 0.504741 0.752291 0.0777976 0.161796 0.733614 3 +0 0.673446 0.497841 0.0214912 0.0570189 0.590598 101 +0 0.579167 0.627427 0.0172958 0.041588 0.718763 448 +0 0.565615 0.74025 0.0230309 0.0519105 0.602366 455 +0 0.709963 0.472268 0.0193362 0.0455458 0.638324 456 +0 0.377936 0.754146 0.0397663 0.0696449 0.764778 465 +0 0.534093 0.824758 0.0176204 0.0461046 0.753522 140 +0 0.732285 0.60672 0.071805 0.104074 0.767653 92 +0 0.438253 0.330788 0.021582 0.051252 0.729522 514 +0 0.790008 0.479791 0.0170316 0.0432 0.720078 521 +0 0.619247 0.670539 0.0617147 0.123656 0.552563 523 +0 0.530356 0.308494 0.0888838 0.157882 0.788871 31 +0 0.749711 0.481712 0.0364944 0.0684544 0.40642 269 +0 0.431688 0.523078 0.0759878 0.198249 0.803991 562 +0 0.565115 0.378015 0.0582454 0.0969205 0.66533 563 +0 0.678211 0.609766 0.0181812 0.03211 0.767856 582 +0 0.946014 0.604875 0.100049 0.155532 0.851287 594 +0 0.580745 0.434812 0.0229578 0.0531604 0.536411 225 +0 0.817451 0.440343 0.0208041 0.0582162 0.639341 272 +0 0.469376 0.631047 0.0187282 0.0504206 0.699201 600 +0 0.787182 0.424875 0.0166586 0.0405316 0.661041 601 +0 0.494269 0.512728 0.0234017 0.0478951 0.54738 603 +0 0.199072 0.315419 0.102543 0.227765 0.752755 604 +0 0.882036 0.457356 0.0164989 0.0362372 0.72448 620 +0 0.246521 0.537176 0.0227009 0.0546494 0.438 624 +0 0.47503 0.227692 0.0570447 0.113879 0.735728 625 +0 0.483769 0.457397 0.0180904 0.0596315 0.464413 627 +0 0.149787 0.680897 0.0769031 0.130816 0.687143 628 +0 0.428944 0.27821 0.0177547 0.0445165 0.64608 630 +0 0.53972 0.497252 0.0480508 0.0923664 0.37646 14 +0 0.825137 0.332894 0.100083 0.122055 0.860732 249 +0 0.892151 0.500545 0.0192939 0.0488594 0.675102 656 +0 0.134479 0.502016 0.0176939 0.0537745 0.730129 670 +0 0.211239 0.595193 0.0434184 0.0929915 0.318057 673 +0 0.881945 0.550959 0.01494 0.0388093 0.706253 674 +0 0.0872357 0.57446 0.0433369 0.0921583 0.344847 675 +0 0.505797 0.462487 0.0191526 0.0367834 0.617208 682 +0 0.144122 0.574983 0.0470911 0.0932084 0.65304 687 +0 0.3599 0.198297 0.0456361 0.0936994 0.439244 692 +0 0.502341 0.58704 0.0240006 0.0836855 0.303388 700 +0 0.815895 0.525453 0.023682 0.0575747 0.670412 219 +0 0.278579 0.689954 0.0557464 0.0942489 0.429708 476 +0 0.376314 0.271154 0.0149484 0.0360612 0.62046 704 +0 0.285838 0.26859 0.0169399 0.0446372 0.705812 709 +0 0.56363 0.185529 0.0177989 0.0435958 0.66257 710 +0 0.422494 0.22964 0.0182262 0.0432812 0.731869 711 +0 0.361375 0.304334 0.0166931 0.0391361 0.767219 712 +0 0.307555 0.209077 0.0366366 0.0936825 0.447889 713 +0 0.228121 0.442673 0.0259447 0.0541033 0.649485 715 +0 0.516188 0.407505 0.0159626 0.0316589 0.728832 716 +0 0.522618 0.192418 0.0181506 0.0458326 0.704987 717 +0 0.6987 0.674258 0.0201512 0.0378857 0.634019 718 +0 0.198207 0.500095 0.0221357 0.0604077 0.62858 729 +0 0.399255 0.458816 0.0156853 0.0403317 0.680267 732 +0 0.265011 0.594937 0.0224812 0.0668439 0.438631 733 +0 0.221077 0.669754 0.0180423 0.0474017 0.694469 765 +0 0.872805 0.357295 0.0162773 0.0336879 0.57494 369 +0 0.348105 0.503492 0.0628113 0.120048 0.678539 775 +0 0.92103 0.502779 0.0168636 0.0398087 0.713651 780 +0 0.890813 0.672903 0.0230611 0.0404894 0.561996 785 +0 0.614233 0.852516 0.0206211 0.0532879 0.698588 789 +0 0.455535 0.378396 0.0259751 0.0579959 0.403106 805 +0 0.646538 0.321308 0.0760128 0.108139 0.629561 806 +0 0.946535 0.356504 0.0989268 0.20964 0.828386 811 +0 0.182342 0.580038 0.0156201 0.0488287 0.576645 819 +0 0.741888 0.404963 0.0355337 0.0665119 0.435463 302 +0 0.868037 0.721686 0.0266734 0.0609193 0.405113 467 +0 0.387713 0.659966 0.016647 0.0367431 0.660847 477 +0 0.277164 0.449786 0.015765 0.0432141 0.609825 327 +0 0.782817 0.572612 0.014043 0.0388123 0.653818 228 +0 0.755346 0.333808 0.0203719 0.0525834 0.653687 824 +0 0.614413 0.424342 0.0188447 0.0340531 0.736126 827 +0 0.811113 0.21703 0.03217 0.0653145 0.430215 828 +0 0.101425 0.400136 0.0678401 0.120832 0.685379 829 +0 0.432666 0.669137 0.0123503 0.0352384 0.398163 832 +0 0.291391 0.488845 0.0207409 0.0484011 0.635752 833 +0 0.831914 0.586397 0.013731 0.0279964 0.555112 840 +0 0.68123 0.385077 0.0432585 0.0826719 0.44571 847 +0 0.278599 0.54273 0.0174436 0.0424927 0.742118 852 +0 0.455793 0.674085 0.0235325 0.0346064 0.587587 855 +0 0.863147 0.409823 0.0459249 0.082056 0.382023 861 +0 0.964226 0.856546 0.0140182 0.035588 0.48084 234 +0 0.882707 0.219485 0.0262167 0.0601901 0.61086 865 +0 0.600338 0.489433 0.0227393 0.0456754 0.710801 867 +0 0.698642 0.549361 0.0307419 0.0697377 0.625554 868 +0 0.573722 0.52506 0.0178652 0.0378818 0.624607 869 +0 0.507187 0.138146 0.0181075 0.0404241 0.554516 870 +0 0.723006 0.127256 0.0148428 0.0386779 0.656314 871 +0 0.700507 0.12208 0.0200957 0.0465478 0.745284 873 +0 0.672412 0.248131 0.0178482 0.044466 0.715952 874 +0 0.447794 0.0942157 0.0932861 0.172962 0.829156 875 +0 0.550331 0.131511 0.0271537 0.0695611 0.748297 877 +0 0.844387 0.232711 0.0161465 0.042806 0.659134 879 +0 0.732227 0.263697 0.038774 0.072047 0.513153 886 +0 0.655515 0.461001 0.0163305 0.0366294 0.780408 888 +0 0.632885 0.453193 0.01901 0.0355145 0.70669 901 +0 0.284644 0.181385 0.0148016 0.0362568 0.558798 902 +0 0.940219 0.901256 0.0127926 0.0297152 0.54398 905 +0 0.298732 0.530304 0.0133074 0.0292123 0.551361 907 +0 0.745894 0.171043 0.0159357 0.0394282 0.724432 909 +0 0.722737 0.338053 0.0168569 0.0277886 0.610038 917 +0 0.768113 0.527961 0.0140045 0.0388477 0.648813 648 +0 0.347453 0.429293 0.0134266 0.041975 0.56838 744 +0 0.72556 0.372241 0.0162856 0.0271416 0.515592 943 +0 0.394784 0.27582 0.0149078 0.0372728 0.534284 725 +0 0.735169 0.877433 0.0210491 0.0534404 0.752401 84 +0 0.511783 0.0937628 0.0139752 0.0354083 0.550748 945 +0 0.970479 0.495968 0.0167739 0.0413016 0.638565 946 +0 0.69733 0.43962 0.015668 0.0360315 0.726809 950 +0 0.672265 0.684014 0.02455 0.0604892 0.466962 59 +0 0.22938 0.711599 0.0188546 0.0406578 0.639389 681 +0 0.528669 0.44192 0.0150954 0.0337547 0.785771 768 +0 0.261687 0.194078 0.0148576 0.0412157 0.655061 965 +0 0.56557 0.0876274 0.0139091 0.0289926 0.482415 968 +0 0.214619 0.532681 0.0128011 0.0261534 0.386406 973 +0 0.152524 0.461009 0.0147996 0.0424881 0.705287 790 +0 0.900416 0.262878 0.0136802 0.0392361 0.404356 906 +0 0.282243 0.11429 0.0601403 0.101018 0.665221 988 +0 0.307327 0.824387 0.0125666 0.0338381 0.656457 990 +0 0.605667 0.0854021 0.0268147 0.0742479 0.445227 994 +0 0.631395 0.506287 0.0188847 0.0501956 0.587289 1001 +0 0.742018 0.123529 0.0122637 0.0303405 0.586655 1002 +0 0.342414 0.276358 0.0259913 0.0547754 0.685886 1008 +0 0.824862 0.0844608 0.0877242 0.145128 0.773406 174 +0 0.320921 0.869565 0.0199658 0.0558352 0.572994 758 +0 0.0524977 0.526569 0.0171856 0.0545323 0.460674 1019 +0 0.0688557 0.518605 0.0127042 0.0339742 0.313031 1020 +0 0.174292 0.462508 0.0142776 0.0379268 0.474322 1025 +0 0.132422 0.235816 0.0258619 0.060146 0.422512 1027 +0 0.863305 0.155039 0.0621256 0.0805722 0.714824 1032 +0 0.226388 0.498432 0.0156517 0.0386357 0.597708 1040 +0 0.734868 0.0767224 0.0420895 0.0585299 0.550856 1041 +0 0.726965 0.534307 0.0136857 0.0322508 0.526661 1045 +0 0.987543 0.750274 0.0123957 0.0284195 0.513055 1047 +0 0.617386 0.603194 0.0172865 0.0311341 0.310304 1048 +0 0.520814 0.0403897 0.0338905 0.0660009 0.531937 1049 +0 0.642781 0.414501 0.0129561 0.0313483 0.502738 1053 +0 0.387636 0.24246 0.0146635 0.0220935 0.390341 1055 +0 0.173957 0.193829 0.018169 0.0478548 0.705189 1056 +0 0.579414 0.146198 0.0115841 0.0330641 0.4417 1057 +0 0.532778 0.668487 0.0128342 0.0337209 0.640777 1059 +0 0.476626 0.876476 0.0152756 0.0467022 0.639797 482 +0 0.391917 0.824668 0.0245626 0.0600992 0.419198 114 +0 0.535851 0.598301 0.055532 0.0968734 0.385411 27 +0 0.840665 0.481197 0.0155465 0.0399987 0.752733 1064 +0 0.9254 0.184068 0.0179716 0.0490286 0.644177 1065 +0 0.201448 0.156815 0.0159166 0.0496506 0.69735 1066 +0 0.983011 0.462165 0.0178011 0.0435689 0.631015 1068 +0 0.247716 0.485804 0.0167928 0.0365098 0.658064 1073 +0 0.862096 0.493947 0.0111926 0.0285439 0.40781 1074 +0 0.25803 0.607532 0.0426122 0.0932119 0.36905 1075 +0 0.776363 0.653675 0.0125861 0.0339106 0.394334 1076 +0 0.607943 0.458 0.0148261 0.0185183 0.465055 1084 +0 0.780284 0.256924 0.0119462 0.0373569 0.515191 1085 +0 0.426232 0.867875 0.0235881 0.0494254 0.588094 517 +0 0.963864 0.708088 0.0189507 0.0339422 0.443828 784 +0 0.384458 0.884081 0.0145403 0.0386982 0.488142 424 +0 0.0992605 0.741567 0.0185474 0.0526871 0.66236 776 +0 0.820502 0.564993 0.0134665 0.0191529 0.326111 999 +0 0.340394 0.782314 0.0199967 0.0403857 0.761007 170 +0 0.408908 0.742704 0.0250206 0.047077 0.702375 910 +0 0.353603 0.734075 0.0161084 0.040307 0.76057 760 +0 0.359019 0.806245 0.0168922 0.0344046 0.783943 475 +0 0.370599 0.920385 0.0150411 0.040066 0.601855 679 +0 0.415884 0.824379 0.0178566 0.0414939 0.321976 534 +0 0.927977 0.889279 0.015654 0.0334847 0.59621 163 +0 0.543454 0.979759 0.0148971 0.0380046 0.451918 800 +0 0.928343 0.693513 0.0129371 0.0361039 0.587543 72 +0 0.445287 0.814651 0.0209093 0.0455139 0.674832 89 +0 0.564303 0.89365 0.0216908 0.0560983 0.706269 127 diff --git a/src/FlotationAnalytics/output_botsort/track29/labels/image28.txt b/src/FlotationAnalytics/output_botsort/track29/labels/image28.txt new file mode 100644 index 0000000..a28499d --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track29/labels/image28.txt @@ -0,0 +1,182 @@ +0 0.60272 0.574025 0.0479182 0.0673324 0.482135 13 +0 0.802644 0.66841 0.0156128 0.0411631 0.711515 60 +0 0.721446 0.769634 0.101362 0.135659 0.796245 63 +0 0.848514 0.629816 0.0527399 0.0890107 0.64217 80 +0 0.629449 0.78633 0.0453453 0.0920587 0.398606 95 +0 0.359479 0.0528572 0.100201 0.105714 0.788952 98 +0 0.558742 0.820581 0.0215724 0.0508025 0.689283 102 +0 0.965952 0.785375 0.0633717 0.0897098 0.515079 185 +0 0.339303 0.657746 0.0809536 0.13644 0.688884 189 +0 0.810948 0.613162 0.0210159 0.0465469 0.64706 260 +0 0.624118 0.212804 0.0959531 0.155463 0.836634 274 +0 0.559965 0.687352 0.0202902 0.0449902 0.538649 299 +0 0.852453 0.549767 0.0196722 0.0510294 0.627907 312 +0 0.316644 0.397781 0.0774441 0.145791 0.619581 329 +0 0.39032 0.397168 0.0576624 0.108559 0.635428 337 +0 0.593677 0.829719 0.0169321 0.0427644 0.640243 370 +0 0.454913 0.728502 0.0181014 0.036535 0.635828 380 +0 0.707714 0.207897 0.0470432 0.0879229 0.527321 386 +0 0.505471 0.766853 0.0779844 0.163476 0.702958 3 +0 0.672139 0.502459 0.021437 0.0554891 0.629544 101 +0 0.576871 0.639963 0.0173371 0.0421753 0.653871 448 +0 0.565532 0.755986 0.0220539 0.0538392 0.56076 455 +0 0.708469 0.479938 0.0195719 0.0478137 0.658068 456 +0 0.371887 0.774276 0.024887 0.0550474 0.759801 465 +0 0.536679 0.843154 0.0172068 0.0482215 0.727446 140 +0 0.730799 0.612762 0.0741071 0.10145 0.786295 92 +0 0.43683 0.346063 0.0215355 0.0509337 0.673007 514 +0 0.788296 0.488312 0.016984 0.0439014 0.682481 521 +0 0.61801 0.680031 0.061983 0.126383 0.526585 523 +0 0.527077 0.3196 0.0910756 0.159886 0.808214 31 +0 0.748581 0.488899 0.0346219 0.0676447 0.412262 269 +0 0.428609 0.536372 0.0744808 0.194873 0.740829 562 +0 0.563284 0.388812 0.0568079 0.0953039 0.615828 563 +0 0.675289 0.618629 0.0177637 0.0334436 0.690357 582 +0 0.946065 0.609374 0.100504 0.154037 0.849831 594 +0 0.578228 0.446005 0.021889 0.0524155 0.655618 225 +0 0.81562 0.447455 0.020411 0.0567039 0.654246 272 +0 0.466674 0.643207 0.0190181 0.0499736 0.701608 600 +0 0.785678 0.431286 0.0167863 0.0404238 0.73581 601 +0 0.491485 0.526107 0.0227527 0.0466953 0.561314 603 +0 0.196263 0.340973 0.101558 0.215471 0.793088 604 +0 0.880439 0.464403 0.016683 0.0358336 0.70845 620 +0 0.242732 0.557138 0.0227502 0.0528103 0.52077 624 +0 0.472909 0.241683 0.0562395 0.115699 0.704106 625 +0 0.480979 0.475996 0.0174167 0.0536785 0.419944 627 +0 0.426574 0.292697 0.0182293 0.0453551 0.713736 630 +0 0.535527 0.511765 0.0484801 0.0943763 0.482486 14 +0 0.823944 0.34115 0.0988841 0.11772 0.853036 249 +0 0.891234 0.507707 0.0197472 0.0490514 0.643607 656 +0 0.131743 0.521601 0.0184917 0.0553927 0.753445 670 +0 0.208882 0.618159 0.0399908 0.091792 0.424002 673 +0 0.880554 0.556295 0.0149386 0.0365854 0.722958 674 +0 0.0824899 0.58755 0.0487598 0.0840175 0.495476 675 +0 0.502229 0.475038 0.0188143 0.0359623 0.615151 682 +0 0.140717 0.598354 0.0449792 0.0891715 0.657985 687 +0 0.35707 0.214028 0.0499678 0.0958036 0.483998 692 +0 0.500238 0.604084 0.0296552 0.0918883 0.306588 700 +0 0.814805 0.532245 0.0231364 0.0575588 0.542781 219 +0 0.270925 0.70736 0.0497414 0.0891201 0.354917 476 +0 0.373201 0.291002 0.015559 0.0315824 0.664962 704 +0 0.2825 0.283804 0.0175052 0.0480905 0.669857 709 +0 0.561671 0.195839 0.0171144 0.0428191 0.683378 710 +0 0.419238 0.244331 0.0184248 0.0428775 0.649615 711 +0 0.357836 0.322153 0.0163484 0.0386774 0.728417 712 +0 0.304558 0.224341 0.0346251 0.090976 0.56072 713 +0 0.225578 0.462232 0.0257993 0.0540615 0.635216 715 +0 0.51374 0.419357 0.0163541 0.0323519 0.742047 716 +0 0.521037 0.204622 0.0191624 0.0472433 0.679306 717 +0 0.695698 0.683011 0.0201017 0.0394109 0.631507 718 +0 0.194379 0.520413 0.0238186 0.0665162 0.621305 729 +0 0.395646 0.476576 0.0154466 0.0415805 0.643848 732 +0 0.261553 0.611894 0.0216837 0.0619867 0.6103 733 +0 0.216883 0.687578 0.0182145 0.0462992 0.695439 765 +0 0.871632 0.364406 0.01625 0.0340653 0.642455 369 +0 0.34366 0.522957 0.0633286 0.115577 0.485032 775 +0 0.921181 0.507068 0.0165963 0.0390863 0.677263 780 +0 0.891386 0.677974 0.0229012 0.0434927 0.542495 785 +0 0.453138 0.393597 0.0222029 0.0551616 0.469717 805 +0 0.644599 0.332072 0.0788474 0.107519 0.691038 806 +0 0.945813 0.362434 0.100149 0.208571 0.824192 811 +0 0.178376 0.602334 0.0155315 0.049101 0.615996 819 +0 0.73831 0.413283 0.0413844 0.068432 0.486016 302 +0 0.868177 0.727206 0.0293273 0.0684393 0.437342 467 +0 0.384733 0.67392 0.0165054 0.0391006 0.738026 477 +0 0.273426 0.469412 0.0158775 0.0427948 0.679787 327 +0 0.78167 0.579842 0.014763 0.0391953 0.683613 228 +0 0.753329 0.341917 0.0198199 0.0504394 0.711334 824 +0 0.611787 0.434366 0.0179359 0.0346509 0.717406 827 +0 0.808654 0.22434 0.0350827 0.0663494 0.442795 828 +0 0.0976649 0.420906 0.0658521 0.128045 0.673986 829 +0 0.287749 0.506708 0.019802 0.0467934 0.656197 833 +0 0.830794 0.591395 0.0136811 0.0290586 0.665563 840 +0 0.678713 0.394833 0.044463 0.0816542 0.504119 847 +0 0.274242 0.56126 0.017539 0.0430006 0.674595 852 +0 0.461034 0.688001 0.0164453 0.0285811 0.43009 855 +0 0.862308 0.41958 0.0492716 0.0793518 0.362438 861 +0 0.880843 0.226835 0.0259676 0.0595454 0.505026 865 +0 0.596576 0.499385 0.0230206 0.0479762 0.659321 867 +0 0.697459 0.557103 0.0313901 0.0700993 0.596969 868 +0 0.571243 0.53492 0.0182512 0.0370302 0.67021 869 +0 0.505092 0.148339 0.0176388 0.0344217 0.631248 870 +0 0.72175 0.135419 0.0145268 0.0384597 0.715026 871 +0 0.699422 0.130867 0.0200872 0.0458759 0.698999 873 +0 0.670467 0.257582 0.0175236 0.044387 0.699998 874 +0 0.447704 0.100476 0.0925327 0.18262 0.824604 875 +0 0.548844 0.143832 0.0290304 0.0705465 0.645611 877 +0 0.841653 0.239789 0.0164165 0.0429209 0.641545 879 +0 0.731034 0.272306 0.0394064 0.0717435 0.514416 886 +0 0.652548 0.47013 0.0173185 0.0382324 0.774022 888 +0 0.629988 0.462296 0.0193806 0.0367434 0.752215 901 +0 0.282889 0.19618 0.0146019 0.0356424 0.589526 902 +0 0.941487 0.90142 0.0124088 0.0301329 0.568676 905 +0 0.2945 0.548113 0.0127618 0.0262398 0.497935 907 +0 0.744146 0.178973 0.0157629 0.0382419 0.70061 909 +0 0.720947 0.346021 0.0158475 0.0290831 0.474864 917 +0 0.766561 0.536478 0.0141102 0.039332 0.63619 648 +0 0.344524 0.448117 0.0129595 0.0410278 0.575781 744 +0 0.723951 0.380699 0.0161415 0.0263581 0.435102 943 +0 0.391467 0.298119 0.0153158 0.035882 0.669033 725 +0 0.732245 0.893643 0.0168858 0.0485902 0.579926 84 +0 0.51146 0.107086 0.0149474 0.034685 0.529091 945 +0 0.968513 0.501641 0.017383 0.0411027 0.678062 946 +0 0.695694 0.448979 0.0159307 0.0362564 0.680276 950 +0 0.669686 0.691532 0.0250599 0.0677493 0.626451 59 +0 0.224433 0.728323 0.017398 0.0363724 0.596151 681 +0 0.526089 0.454163 0.0149845 0.0337714 0.64797 768 +0 0.259517 0.209757 0.0149207 0.0413065 0.701191 965 +0 0.56365 0.0954911 0.016605 0.035223 0.479558 968 +0 0.210218 0.554092 0.0131259 0.0277687 0.365583 973 +0 0.149596 0.480295 0.0153815 0.0434107 0.666502 790 +0 0.898869 0.269397 0.0129108 0.0369069 0.481514 906 +0 0.280352 0.131027 0.0581415 0.098648 0.707977 988 +0 0.604835 0.0966523 0.0261438 0.067531 0.482745 994 +0 0.629242 0.51531 0.0203629 0.0513626 0.651381 1001 +0 0.741207 0.131582 0.013185 0.0313396 0.528485 1002 +0 0.339121 0.293641 0.0257838 0.053185 0.62588 1008 +0 0.823148 0.0867196 0.0881789 0.148426 0.769509 174 +0 0.171461 0.480998 0.0133912 0.0351567 0.452319 1025 +0 0.122851 0.271578 0.048796 0.102188 0.338114 1027 +0 0.862503 0.159875 0.0628217 0.0825979 0.709809 1032 +0 0.222628 0.519333 0.0151662 0.038117 0.620612 1040 +0 0.734498 0.0843145 0.0420837 0.0581408 0.453381 1041 +0 0.725654 0.541728 0.0137933 0.0320263 0.309355 1045 +0 0.987791 0.753566 0.011881 0.0275043 0.519687 1047 +0 0.621279 0.605524 0.0154407 0.0270628 0.483624 1048 +0 0.519991 0.0486636 0.0304662 0.0692127 0.56324 1049 +0 0.640503 0.424326 0.0125445 0.0320522 0.525489 1053 +0 0.38385 0.259568 0.0138783 0.0267941 0.518663 1055 +0 0.172191 0.20826 0.0184527 0.048947 0.741096 1056 +0 0.577988 0.157449 0.0125917 0.0359736 0.576886 1057 +0 0.530885 0.681485 0.013498 0.0347669 0.622946 1059 +0 0.391953 0.836996 0.018304 0.0364009 0.54074 114 +0 0.527923 0.61082 0.0653434 0.0972553 0.438839 27 +0 0.839161 0.487791 0.0161543 0.0417425 0.751109 1064 +0 0.923229 0.189332 0.0195441 0.0521622 0.392517 1065 +0 0.199903 0.163358 0.0181031 0.0637039 0.712695 1066 +0 0.981426 0.468897 0.0180426 0.043549 0.637795 1068 +0 0.244841 0.505475 0.0159264 0.0352556 0.65896 1073 +0 0.273668 0.633978 0.020314 0.0473481 0.544247 1075 +0 0.773631 0.66267 0.0116933 0.0340229 0.391507 1076 +0 0.778262 0.263341 0.0128291 0.0389894 0.631816 1085 +0 0.425527 0.891144 0.0219457 0.0525012 0.53891 517 +0 0.394733 0.881928 0.0154065 0.0365587 0.562335 424 +0 0.0988884 0.760943 0.0179478 0.0513802 0.74653 776 +0 0.819286 0.571209 0.0130931 0.0195459 0.519054 999 +0 0.247889 0.0705958 0.0195261 0.0517895 0.720013 1087 +0 0.306169 0.5895 0.0154465 0.0453557 0.663984 1089 +0 0.34123 0.80158 0.018982 0.0522386 0.750858 170 +0 0.409113 0.762675 0.0242556 0.0492137 0.593898 910 +0 0.360366 0.830889 0.0151469 0.0357519 0.581794 475 +0 0.41775 0.843006 0.0172932 0.0365107 0.636115 534 +0 0.928818 0.891033 0.0129791 0.0321954 0.413949 163 +0 0.56793 0.293605 0.0491813 0.0502683 0.731143 800 +0 0.929059 0.701328 0.012423 0.0345002 0.505056 72 +0 0.561693 0.91089 0.023103 0.0611965 0.661184 127 +0 0.383443 0.81134 0.017398 0.0376485 0.618022 556 +0 0.230197 0.422441 0.0147091 0.0260398 0.361289 837 +0 0.43354 0.791144 0.0184271 0.0452561 0.740299 54 +0 0.416459 0.125862 0.0355452 0.12533 0.560288 480 +0 0.0699783 0.650214 0.0178651 0.0501927 0.465041 972 +0 0.759952 0.438775 0.0120918 0.0235766 0.389648 884 +0 0.859069 0.778903 0.093922 0.168433 0.420327 47 diff --git a/src/FlotationAnalytics/output_botsort/track3/labels/image2.txt b/src/FlotationAnalytics/output_botsort/track3/labels/image2.txt new file mode 100644 index 0000000..575eed9 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track3/labels/image2.txt @@ -0,0 +1,96 @@ +0 0.874411 0.494005 0.109791 0.183605 0.781764 1 +0 0.281175 0.176478 0.0774288 0.111054 0.681955 2 +0 0.434291 0.657047 0.0694377 0.179944 0.706313 4 +0 0.962506 0.517382 0.0731944 0.202059 0.811759 5 +0 0.464825 0.0935774 0.0637707 0.117743 0.735706 6 +0 0.738381 0.391755 0.0184134 0.0513733 0.612094 7 +0 0.377807 0.195043 0.0737171 0.114316 0.600326 8 +0 0.462491 0.302293 0.0203313 0.0608373 0.356879 9 +0 0.8609 0.705679 0.0231857 0.0604694 0.588344 12 +0 0.740453 0.13884 0.0883434 0.140271 0.573854 13 +0 0.636558 0.165707 0.0218379 0.0645313 0.696398 14 +0 0.592847 0.34986 0.0910839 0.136459 0.768806 16 +0 0.326754 0.298489 0.0205651 0.065462 0.647913 17 +0 0.754747 0.331762 0.0208347 0.0606432 0.689078 18 +0 0.779528 0.370511 0.022501 0.0603784 0.757888 21 +0 0.978163 0.598442 0.0166087 0.0455574 0.64864 22 +0 0.956758 0.652919 0.0225621 0.046565 0.673437 23 +0 0.799166 0.772162 0.0191904 0.0433102 0.557294 24 +0 0.948556 0.729791 0.0177454 0.047123 0.7472 26 +0 0.666062 0.108299 0.0187923 0.0546892 0.796095 27 +0 0.363415 0.287664 0.0169558 0.0646758 0.530529 28 +0 0.69963 0.371198 0.0213655 0.0648174 0.658677 29 +0 0.625898 0.559446 0.0499643 0.19193 0.314437 30 +0 0.595584 0.0754646 0.13642 0.136595 0.771982 31 +0 0.885463 0.718693 0.0196961 0.0495159 0.62963 32 +0 0.24825 0.28155 0.0248537 0.0774166 0.613904 33 +0 0.233617 0.596111 0.0193384 0.0593441 0.595952 34 +0 0.748654 0.894479 0.0393157 0.0818108 0.515707 35 +0 0.166807 0.479293 0.0422399 0.107453 0.424219 36 +0 0.337299 0.584829 0.0275948 0.071987 0.56866 37 +0 0.270964 0.371163 0.0564817 0.107026 0.628576 38 +0 0.691277 0.854614 0.0238994 0.0659536 0.732898 39 +0 0.909205 0.761742 0.0251294 0.0527412 0.534353 40 +0 0.65794 0.362698 0.0296538 0.0699238 0.556099 42 +0 0.148407 0.394816 0.0154006 0.050188 0.633117 43 +0 0.37978 0.399421 0.0915152 0.186244 0.513943 44 +0 0.804307 0.520637 0.0529645 0.122877 0.398103 45 +0 0.950146 0.392055 0.0183362 0.0440946 0.624854 47 +0 0.536731 0.417475 0.0149952 0.0531913 0.556721 48 +0 0.517945 0.322095 0.0244613 0.0729685 0.583317 50 +0 0.801229 0.839458 0.0434965 0.0857719 0.54268 51 +0 0.939632 0.898592 0.0131456 0.038241 0.565122 52 +0 0.379861 0.801868 0.0320519 0.0928725 0.456786 55 +0 0.717027 0.566821 0.081354 0.23885 0.715402 56 +0 0.802206 0.271081 0.0370432 0.0767151 0.429785 59 +0 0.927006 0.334388 0.0221315 0.0639745 0.57601 60 +0 0.859734 0.318954 0.104342 0.155918 0.803488 63 +0 0.222621 0.382526 0.0207226 0.0832291 0.449441 64 +0 0.267573 0.522597 0.0215109 0.077815 0.334907 65 +0 0.350717 0.671027 0.0288576 0.0849643 0.62494 67 +0 0.374154 0.067063 0.0244476 0.0704634 0.590226 68 +0 0.784269 0.751805 0.0196323 0.0514079 0.53496 69 +0 0.980298 0.382465 0.0146812 0.0403708 0.591778 72 +0 0.967776 0.768332 0.0188985 0.0508447 0.522991 73 +0 0.766866 0.0542633 0.0141243 0.0431792 0.627879 76 +0 0.31477 0.244654 0.0197432 0.0588455 0.591823 77 +0 0.82071 0.689853 0.021021 0.0590696 0.711132 78 +0 0.18962 0.633475 0.03796 0.102614 0.450241 79 +0 0.943732 0.24956 0.0358806 0.0720506 0.651634 80 +0 0.681751 0.448959 0.0198077 0.0561203 0.531704 82 +0 0.450087 0.244571 0.0181709 0.054311 0.750729 83 +0 0.871151 0.382741 0.0125135 0.0373592 0.383241 84 +0 0.104426 0.699915 0.0785094 0.263999 0.458985 85 +0 0.711196 0.426268 0.0127311 0.0386243 0.356914 86 +0 0.38387 0.613834 0.0309523 0.0954165 0.503325 91 +0 0.853259 0.163964 0.063362 0.107956 0.519812 92 +0 0.296304 0.551491 0.0156182 0.0442124 0.301424 94 +0 0.724735 0.246765 0.0263479 0.0651145 0.554633 95 +0 0.84387 0.619605 0.0232607 0.0582617 0.620714 96 +0 0.930807 0.840233 0.0333216 0.0584425 0.724277 97 +0 0.517586 0.208544 0.0965994 0.127122 0.780564 98 +0 0.697039 0.0646113 0.0129968 0.037716 0.398419 101 +0 0.685441 0.304874 0.0164076 0.0396354 0.615656 102 +0 0.278503 0.661361 0.0448819 0.117296 0.339585 103 +0 0.634432 0.493852 0.0289088 0.089573 0.446637 108 +0 0.458694 0.436311 0.080577 0.176933 0.729229 109 +0 0.518311 0.475797 0.0217406 0.0691355 0.695613 111 +0 0.226614 0.488008 0.0239017 0.0952769 0.307745 112 +0 0.425651 0.866669 0.0161877 0.0495834 0.515212 116 +0 0.500448 0.714027 0.0250271 0.0812468 0.530539 119 +0 0.785088 0.199068 0.0455185 0.085334 0.47195 121 +0 0.56555 0.873541 0.0158527 0.0597065 0.5592 122 +0 0.735411 0.708173 0.0299628 0.0649288 0.480144 123 +0 0.201984 0.177071 0.0224111 0.0759145 0.697796 128 +0 0.607269 0.75341 0.0200835 0.0490023 0.700612 129 +0 0.10448 0.415429 0.0238104 0.0784572 0.696408 131 +0 0.678896 0.248269 0.0281599 0.0682539 0.517831 139 +0 0.637709 0.258431 0.0201145 0.0700981 0.498771 140 +0 0.790013 0.628997 0.0428396 0.080566 0.423913 149 +0 0.482969 0.888198 0.0143318 0.0399544 0.615136 20 +0 0.923827 0.788842 0.0187878 0.0345574 0.602565 66 +0 0.811701 0.975318 0.0190038 0.0436968 0.4569 90 +0 0.260589 0.528359 0.0345215 0.0865827 0.498019 106 +0 0.26401 0.692919 0.0837262 0.17973 0.590399 107 +0 0.788655 0.439243 0.012668 0.0389865 0.419602 117 +0 0.244264 0.892987 0.0154084 0.035518 0.574786 133 diff --git a/src/FlotationAnalytics/output_botsort/track30/labels/image29.txt b/src/FlotationAnalytics/output_botsort/track30/labels/image29.txt new file mode 100644 index 0000000..66b8f8f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track30/labels/image29.txt @@ -0,0 +1,191 @@ +0 0.601387 0.588073 0.049475 0.0693321 0.453321 13 +0 0.800769 0.677126 0.015191 0.041654 0.728051 60 +0 0.722128 0.783361 0.10118 0.140325 0.711854 63 +0 0.847594 0.63729 0.052617 0.0905184 0.568568 80 +0 0.629219 0.806592 0.0462606 0.0954816 0.458925 95 +0 0.359436 0.0618899 0.102084 0.12378 0.816889 98 +0 0.558612 0.837175 0.0212835 0.0454525 0.679422 102 +0 0.964562 0.79228 0.0631351 0.0916297 0.562902 185 +0 0.336909 0.674241 0.0826542 0.137048 0.77444 189 +0 0.809665 0.620289 0.0203544 0.0464041 0.655392 260 +0 0.622177 0.226127 0.0958403 0.160367 0.841264 274 +0 0.559102 0.702889 0.0194579 0.0457166 0.580091 299 +0 0.850918 0.556472 0.0201662 0.051085 0.586245 312 +0 0.33024 0.412922 0.103753 0.125193 0.757785 329 +0 0.591567 0.852358 0.0158318 0.0350323 0.528875 370 +0 0.455727 0.738674 0.0179517 0.0420284 0.681846 380 +0 0.707133 0.216209 0.0482422 0.0891377 0.524498 386 +0 0.505322 0.776713 0.0779305 0.148382 0.723364 3 +0 0.671064 0.509438 0.0206778 0.0524997 0.565169 101 +0 0.575677 0.653981 0.0186655 0.0445091 0.625264 448 +0 0.565083 0.773829 0.0221132 0.0593015 0.547867 455 +0 0.706469 0.490523 0.0193739 0.0454598 0.647214 456 +0 0.366907 0.799707 0.0218667 0.0539053 0.781871 465 +0 0.537163 0.854978 0.0147323 0.0372342 0.545281 140 +0 0.728514 0.623424 0.0743959 0.105405 0.66461 92 +0 0.434224 0.36135 0.0221456 0.0513605 0.691462 514 +0 0.786209 0.495963 0.0169598 0.0432737 0.717988 521 +0 0.616906 0.693883 0.0621302 0.135102 0.43037 523 +0 0.524878 0.334212 0.0935014 0.163768 0.809305 31 +0 0.745958 0.499444 0.0362392 0.0668214 0.418116 269 +0 0.425638 0.550513 0.0746556 0.198093 0.774095 562 +0 0.559127 0.398806 0.0576125 0.0967282 0.577306 563 +0 0.673506 0.634204 0.017738 0.0417643 0.70204 582 +0 0.945866 0.616136 0.101674 0.156316 0.827302 594 +0 0.575417 0.458165 0.0211128 0.0511036 0.635075 225 +0 0.813874 0.453739 0.0208906 0.0574881 0.653764 272 +0 0.464899 0.656606 0.0194805 0.0517641 0.733114 600 +0 0.783936 0.439119 0.0168542 0.040587 0.734434 601 +0 0.489466 0.539062 0.0211321 0.0454299 0.573123 603 +0 0.194932 0.359263 0.102232 0.213048 0.76839 604 +0 0.878935 0.472395 0.0166203 0.0381805 0.706926 620 +0 0.23916 0.574419 0.0230334 0.0520384 0.529497 624 +0 0.469874 0.255886 0.059117 0.114707 0.727571 625 +0 0.477632 0.487207 0.0184852 0.0563097 0.522784 627 +0 0.422279 0.308108 0.0195888 0.0454052 0.710778 630 +0 0.533067 0.52347 0.0475903 0.0974944 0.543806 14 +0 0.823047 0.349508 0.0996265 0.118259 0.824755 249 +0 0.890043 0.515466 0.0185645 0.0485519 0.683636 656 +0 0.131897 0.538219 0.0183171 0.0547899 0.74308 670 +0 0.209629 0.629371 0.0297264 0.0743435 0.536974 673 +0 0.878845 0.563217 0.0155027 0.0363139 0.650416 674 +0 0.0781171 0.603921 0.0311169 0.0667266 0.398507 675 +0 0.499391 0.487515 0.0187517 0.0367649 0.593964 682 +0 0.136785 0.612461 0.0572502 0.090442 0.517614 687 +0 0.351448 0.237241 0.0528605 0.104535 0.423701 692 +0 0.497617 0.613142 0.0277528 0.0828441 0.349013 700 +0 0.807991 0.538897 0.034168 0.0582393 0.430572 219 +0 0.2748 0.716314 0.0280987 0.0658141 0.37832 476 +0 0.371778 0.304603 0.0153186 0.0280654 0.740892 704 +0 0.280211 0.301963 0.0173463 0.0509715 0.693048 709 +0 0.560238 0.2064 0.0177826 0.0425474 0.74936 710 +0 0.41622 0.258687 0.0182053 0.0397504 0.604881 711 +0 0.354673 0.333965 0.0159406 0.0320197 0.709222 712 +0 0.303085 0.236089 0.0328618 0.0842127 0.547674 713 +0 0.22406 0.479814 0.0275318 0.0538249 0.600325 715 +0 0.510792 0.432723 0.0159761 0.0335225 0.665517 716 +0 0.519022 0.217113 0.0192165 0.04648 0.618032 717 +0 0.694527 0.697385 0.0192136 0.0433532 0.616882 718 +0 0.191186 0.537829 0.0228855 0.0687269 0.702272 729 +0 0.390721 0.490675 0.0184862 0.0383551 0.57527 732 +0 0.258657 0.62819 0.0216784 0.0580944 0.549371 733 +0 0.219363 0.710131 0.0194484 0.0504185 0.642568 765 +0 0.870528 0.372707 0.0154266 0.0324017 0.576077 369 +0 0.33823 0.53879 0.068026 0.118063 0.620615 775 +0 0.920125 0.513735 0.0165428 0.0388338 0.680117 780 +0 0.889688 0.6859 0.0230416 0.0435884 0.604488 785 +0 0.448819 0.411238 0.0256071 0.0567711 0.552434 805 +0 0.644705 0.343233 0.0833148 0.112263 0.725029 806 +0 0.945205 0.370484 0.100385 0.213946 0.816207 811 +0 0.17815 0.624306 0.0157616 0.0463895 0.668972 819 +0 0.735351 0.42259 0.0438934 0.0699306 0.480589 302 +0 0.865629 0.737082 0.0337091 0.0737092 0.615737 467 +0 0.383315 0.688498 0.0159637 0.0420252 0.722781 477 +0 0.271113 0.485631 0.0178894 0.0465169 0.743741 327 +0 0.77928 0.588695 0.0152281 0.040912 0.676703 228 +0 0.75166 0.349949 0.0198566 0.0525773 0.714716 824 +0 0.60896 0.446886 0.0179596 0.0365172 0.704513 827 +0 0.808622 0.230636 0.0320439 0.0638894 0.465735 828 +0 0.0941351 0.441363 0.0654867 0.129188 0.72441 829 +0 0.285056 0.525136 0.0170739 0.0402992 0.503808 833 +0 0.82893 0.599004 0.0140195 0.0309215 0.584396 840 +0 0.67613 0.406043 0.0438557 0.0839948 0.564505 847 +0 0.269784 0.577841 0.0165453 0.0422591 0.724788 852 +0 0.861054 0.425465 0.0501347 0.085333 0.330626 861 +0 0.879503 0.23368 0.0251741 0.058807 0.65165 865 +0 0.592529 0.511847 0.022271 0.0482935 0.71322 867 +0 0.696469 0.565494 0.0324617 0.0744375 0.469397 868 +0 0.568813 0.547619 0.0182164 0.0375438 0.695024 869 +0 0.502902 0.159752 0.0182744 0.0357469 0.539565 870 +0 0.72106 0.143115 0.0137125 0.0376279 0.681485 871 +0 0.69823 0.140348 0.0192012 0.045804 0.729985 873 +0 0.668761 0.267202 0.0174014 0.0438095 0.661634 874 +0 0.446377 0.111917 0.0951868 0.184028 0.824554 875 +0 0.54686 0.154576 0.03012 0.0710711 0.526875 877 +0 0.83953 0.247863 0.0160565 0.0418172 0.647559 879 +0 0.730534 0.280714 0.0389468 0.0706781 0.469496 886 +0 0.64908 0.481609 0.0173694 0.0382231 0.795347 888 +0 0.626907 0.473158 0.0197858 0.0377299 0.679258 901 +0 0.281271 0.212841 0.0145489 0.0355065 0.632151 902 +0 0.289688 0.565352 0.0140196 0.0308917 0.627338 907 +0 0.743163 0.186964 0.0150438 0.0365575 0.630494 909 +0 0.718554 0.355282 0.0161266 0.0287059 0.69771 917 +0 0.764885 0.545107 0.0139677 0.0393802 0.682786 648 +0 0.721846 0.388688 0.0151968 0.0270815 0.545486 943 +0 0.390656 0.319752 0.015181 0.0329311 0.613148 725 +0 0.511207 0.119579 0.0151511 0.0355021 0.696932 945 +0 0.966923 0.509362 0.0170639 0.0403198 0.641555 946 +0 0.693157 0.459174 0.0165257 0.0363586 0.758637 950 +0 0.669583 0.704988 0.0240293 0.0713935 0.550378 59 +0 0.523039 0.466649 0.0148988 0.034062 0.695166 768 +0 0.257959 0.225647 0.0153657 0.0421121 0.726667 965 +0 0.561914 0.105491 0.018789 0.0340325 0.573907 968 +0 0.205921 0.572659 0.0131373 0.027563 0.491127 973 +0 0.147872 0.497161 0.0153224 0.0422143 0.671569 790 +0 0.897349 0.276923 0.013349 0.0380804 0.629325 906 +0 0.278993 0.147242 0.0568367 0.100778 0.708047 988 +0 0.602577 0.106443 0.0319488 0.0726738 0.564367 994 +0 0.626575 0.525779 0.0215863 0.0499857 0.544209 1001 +0 0.740326 0.139403 0.0129787 0.0298557 0.571441 1002 +0 0.337395 0.310601 0.0297389 0.0588033 0.310022 1008 +0 0.82151 0.0921632 0.0879728 0.156314 0.779939 174 +0 0.170045 0.498011 0.0124598 0.0343183 0.375608 1025 +0 0.118149 0.293601 0.0597901 0.123615 0.643547 1027 +0 0.860421 0.167587 0.06342 0.0831941 0.660895 1032 +0 0.219543 0.535566 0.0145427 0.0385751 0.68569 1040 +0 0.734181 0.0922162 0.0404404 0.0583747 0.543015 1041 +0 0.724349 0.551082 0.0139018 0.0309364 0.378741 1045 +0 0.987064 0.760315 0.0106697 0.0272652 0.451748 1047 +0 0.622359 0.616784 0.0163739 0.0279446 0.617038 1048 +0 0.519439 0.0586126 0.0287997 0.0691128 0.558205 1049 +0 0.636809 0.435083 0.0145443 0.0309495 0.414065 1053 +0 0.382119 0.278138 0.0141403 0.024514 0.590914 1055 +0 0.172544 0.221241 0.0186937 0.0499942 0.77138 1056 +0 0.576467 0.167006 0.0128907 0.0361015 0.524055 1057 +0 0.52957 0.694454 0.0129673 0.0356831 0.651542 1059 +0 0.531898 0.624811 0.0567106 0.0990419 0.311648 27 +0 0.837356 0.49458 0.0157762 0.0416457 0.669955 1064 +0 0.922548 0.195146 0.0215897 0.0545995 0.487112 1065 +0 0.200912 0.173371 0.0197618 0.068154 0.717318 1066 +0 0.97977 0.475604 0.0181628 0.042396 0.757091 1068 +0 0.243317 0.523445 0.0172562 0.0363809 0.668806 1073 +0 0.277443 0.650877 0.012185 0.0346719 0.36847 1075 +0 0.615923 0.172052 0.0518333 0.055987 0.768678 1076 +0 0.77714 0.271788 0.0127334 0.0387019 0.517873 1085 +0 0.421878 0.913514 0.0172358 0.0424273 0.603777 517 +0 0.39586 0.898591 0.0145794 0.0411977 0.515689 424 +0 0.0915177 0.777133 0.0156481 0.0381379 0.608164 776 +0 0.817264 0.579607 0.0133559 0.0200314 0.479576 999 +0 0.237402 0.0978736 0.0451187 0.076097 0.556145 1087 +0 0.301925 0.60618 0.0145346 0.0443583 0.454394 1089 +0 0.340626 0.828892 0.01891 0.0537189 0.811396 170 +0 0.405571 0.782126 0.0296613 0.0524947 0.406262 910 +0 0.412536 0.871868 0.0168724 0.0361264 0.612285 534 +0 0.553985 0.218814 0.0345547 0.0375117 0.525974 800 +0 0.92837 0.710131 0.0121299 0.0337855 0.400982 72 +0 0.553476 0.910143 0.019826 0.0472184 0.597415 127 +0 0.423066 0.742872 0.0179949 0.0439873 0.665173 1116 +0 0.173912 0.16026 0.0156924 0.0432493 0.704386 1119 +0 0.320269 0.614186 0.011614 0.0360221 0.421775 1120 +0 0.684831 0.0345077 0.0231124 0.0593297 0.511127 1122 +0 0.906483 0.480348 0.0118968 0.0301569 0.399472 1129 +0 0.704001 0.326378 0.0105801 0.0321171 0.375918 1132 +0 0.418034 0.102947 0.0222999 0.0937067 0.332079 480 +0 0.065854 0.663491 0.0181181 0.0490435 0.667785 972 +0 0.758159 0.447206 0.0110587 0.0212096 0.435031 884 +0 0.877205 0.835452 0.0609254 0.117434 0.676534 47 +0 0.448979 0.930025 0.0181971 0.0444313 0.682481 343 +0 0.52065 0.945015 0.0165879 0.0380865 0.637719 533 +0 0.503046 0.932057 0.0158926 0.0392138 0.649022 507 +0 0.675282 0.973849 0.0137801 0.0401164 0.464402 56 +0 0.334801 0.317149 0.0197587 0.0413082 0.447089 887 +0 0.371058 0.492605 0.0115524 0.0325446 0.474492 919 +0 0.542707 0.929785 0.0144831 0.0267488 0.652624 139 +0 0.63196 0.920936 0.012835 0.0363631 0.348514 300 +0 0.626675 0.664301 0.0296102 0.0597422 0.313521 451 +0 0.537096 0.110363 0.0233384 0.0294162 0.331211 6 +0 0.157385 0.742506 0.0327072 0.0644898 0.591922 628 +0 0.434945 0.669984 0.0119774 0.0362867 0.380287 832 +0 0.301266 0.867575 0.0132723 0.0417515 0.643299 990 +0 0.0513947 0.538262 0.0154771 0.0435401 0.566662 1019 +0 0.449579 0.853939 0.0159188 0.0386017 0.451344 89 diff --git a/src/FlotationAnalytics/output_botsort/track31/labels/image30.txt b/src/FlotationAnalytics/output_botsort/track31/labels/image30.txt new file mode 100644 index 0000000..fbe925d --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track31/labels/image30.txt @@ -0,0 +1,181 @@ +0 0.598629 0.603519 0.0478598 0.0711505 0.350288 13 +0 0.800722 0.688183 0.0158263 0.0437433 0.715596 60 +0 0.720305 0.801862 0.104442 0.148569 0.719499 63 +0 0.846483 0.646334 0.0522755 0.0904277 0.592549 80 +0 0.630556 0.817312 0.0376684 0.0896291 0.302095 95 +0 0.342507 0.0359796 0.125493 0.0719592 0.519088 98 +0 0.556339 0.846951 0.0200368 0.0424166 0.650937 102 +0 0.96347 0.800576 0.0627633 0.0938784 0.434278 185 +0 0.336635 0.698873 0.0812262 0.144502 0.722974 189 +0 0.808643 0.629805 0.0207051 0.0464102 0.639576 260 +0 0.620782 0.236453 0.0950345 0.161199 0.84324 274 +0 0.55806 0.716857 0.0206294 0.0493904 0.602062 299 +0 0.849474 0.565249 0.0205795 0.0515876 0.656487 312 +0 0.334813 0.42385 0.108032 0.121465 0.822592 329 +0 0.590257 0.846041 0.0192673 0.0600718 0.488083 370 +0 0.452581 0.7494 0.0203193 0.049323 0.702718 380 +0 0.706002 0.223835 0.0474793 0.0875319 0.441481 386 +0 0.503409 0.783372 0.0782254 0.150475 0.66033 3 +0 0.669636 0.518207 0.0208386 0.05381 0.55075 101 +0 0.573278 0.667866 0.0186728 0.0444523 0.660676 448 +0 0.564081 0.787498 0.0213226 0.0541755 0.664076 455 +0 0.70505 0.500168 0.0194993 0.047487 0.559286 456 +0 0.363179 0.824603 0.0164893 0.0445934 0.433149 465 +0 0.731067 0.637476 0.0796325 0.109125 0.715895 92 +0 0.429031 0.377456 0.0227748 0.0517085 0.660364 514 +0 0.784616 0.505549 0.0174508 0.0424055 0.699137 521 +0 0.615301 0.71435 0.0604865 0.135951 0.334735 523 +0 0.519746 0.347111 0.0967679 0.165571 0.812126 31 +0 0.743635 0.508853 0.0393554 0.0686206 0.450143 269 +0 0.425262 0.563804 0.0688564 0.194062 0.76854 562 +0 0.554896 0.415859 0.0595924 0.0975108 0.675603 563 +0 0.67222 0.651988 0.0178812 0.0426938 0.68687 582 +0 0.945004 0.624073 0.102615 0.156542 0.824802 594 +0 0.571684 0.471296 0.021531 0.0515221 0.611079 225 +0 0.811945 0.462312 0.021284 0.0579332 0.697922 272 +0 0.46329 0.672319 0.0195055 0.0530044 0.785209 600 +0 0.782231 0.447928 0.0172515 0.0400925 0.736479 601 +0 0.486138 0.553291 0.0238192 0.0465367 0.571303 603 +0 0.192139 0.37461 0.105396 0.216638 0.720783 604 +0 0.877563 0.480407 0.0165675 0.0376167 0.742216 620 +0 0.236474 0.591983 0.0238655 0.052123 0.586133 624 +0 0.467553 0.271543 0.0604547 0.116109 0.762075 625 +0 0.473446 0.499806 0.0188797 0.0570113 0.371665 627 +0 0.4172 0.324115 0.019514 0.0449766 0.645048 630 +0 0.530688 0.536651 0.0484768 0.0995942 0.4979 14 +0 0.821593 0.357771 0.100117 0.120826 0.828629 249 +0 0.888856 0.523361 0.0191114 0.0484285 0.601202 656 +0 0.132319 0.550133 0.0173195 0.0506121 0.760738 670 +0 0.210328 0.650409 0.029878 0.0804667 0.396656 673 +0 0.877338 0.571423 0.0155592 0.0364763 0.673185 674 +0 0.0763797 0.63031 0.031516 0.0625797 0.523118 675 +0 0.496351 0.500902 0.0195303 0.0369 0.550001 682 +0 0.136102 0.625761 0.0640267 0.0928125 0.401535 687 +0 0.347718 0.251748 0.055764 0.10186 0.425208 692 +0 0.495664 0.625294 0.0265512 0.0783846 0.488769 700 +0 0.808421 0.548 0.0308427 0.0571725 0.417882 219 +0 0.280441 0.739428 0.0166656 0.0505538 0.40998 476 +0 0.370965 0.312833 0.0154248 0.0283358 0.749067 704 +0 0.278466 0.320266 0.0170581 0.0505166 0.716362 709 +0 0.558639 0.216528 0.0177187 0.0416306 0.755038 710 +0 0.414424 0.273243 0.0173071 0.0390947 0.611411 711 +0 0.352061 0.341299 0.0155208 0.029277 0.6231 712 +0 0.301792 0.242409 0.033575 0.0856516 0.707278 713 +0 0.222518 0.496541 0.0278628 0.0512533 0.534667 715 +0 0.506454 0.446906 0.0156105 0.0333906 0.680302 716 +0 0.516911 0.228609 0.0185294 0.0446232 0.635345 717 +0 0.693705 0.715276 0.0183827 0.0449657 0.560496 718 +0 0.189883 0.551692 0.0233148 0.0713789 0.678774 729 +0 0.382065 0.505649 0.0174846 0.0390683 0.598594 732 +0 0.257662 0.648125 0.0215796 0.0596715 0.51672 733 +0 0.86949 0.381017 0.0156448 0.0319167 0.562706 369 +0 0.335171 0.554909 0.0701863 0.121187 0.535994 775 +0 0.918618 0.521537 0.0174097 0.04141 0.694581 780 +0 0.88905 0.694576 0.0221321 0.0436335 0.595526 785 +0 0.440933 0.430085 0.0238731 0.0527939 0.479537 805 +0 0.643599 0.350035 0.0847115 0.11935 0.649719 806 +0 0.945111 0.375896 0.100895 0.218263 0.828439 811 +0 0.179199 0.644269 0.0127553 0.0420772 0.327747 819 +0 0.73361 0.432361 0.0434733 0.0732597 0.536248 302 +0 0.867844 0.736931 0.029159 0.0583347 0.616558 467 +0 0.383172 0.706423 0.0160107 0.0444091 0.692415 477 +0 0.268741 0.50284 0.0188667 0.047272 0.717585 327 +0 0.778058 0.597666 0.0150638 0.0401121 0.681281 228 +0 0.750034 0.358058 0.0199123 0.050237 0.703612 824 +0 0.605739 0.457971 0.0185981 0.037975 0.761203 827 +0 0.806055 0.236979 0.033117 0.0646542 0.42716 828 +0 0.0913212 0.462115 0.0632629 0.124785 0.777481 829 +0 0.282626 0.543494 0.017393 0.0405201 0.581386 833 +0 0.827521 0.607116 0.0145087 0.0316492 0.623379 840 +0 0.673288 0.417862 0.0454281 0.0855099 0.49285 847 +0 0.266743 0.596833 0.015796 0.0404761 0.685224 852 +0 0.85751 0.431831 0.0508281 0.0825637 0.421509 861 +0 0.878338 0.240197 0.0246657 0.0593349 0.58168 865 +0 0.589321 0.525533 0.0222841 0.0484711 0.704077 867 +0 0.695331 0.57694 0.0338753 0.0776156 0.532134 868 +0 0.566646 0.561025 0.0186817 0.0383431 0.695082 869 +0 0.50123 0.171845 0.0179594 0.0357313 0.629859 870 +0 0.719227 0.152388 0.0140481 0.037577 0.636162 871 +0 0.696671 0.149391 0.0195728 0.0468209 0.699007 873 +0 0.666716 0.276446 0.0173011 0.0425531 0.687649 874 +0 0.44543 0.125543 0.0954139 0.186045 0.82772 875 +0 0.544538 0.164511 0.0292668 0.0726258 0.580348 877 +0 0.837816 0.255679 0.0162 0.0440067 0.632923 879 +0 0.728907 0.288988 0.0403004 0.0728877 0.462272 886 +0 0.645736 0.493874 0.0167151 0.0377622 0.690293 888 +0 0.623053 0.48624 0.0200962 0.0382883 0.746914 901 +0 0.278186 0.229593 0.0152312 0.0366 0.601165 902 +0 0.286241 0.586776 0.0148254 0.0343634 0.515878 907 +0 0.74171 0.195781 0.0157606 0.0366104 0.736977 909 +0 0.716619 0.36353 0.0166447 0.0283715 0.41568 917 +0 0.763252 0.555279 0.0146555 0.0418479 0.585326 648 +0 0.719795 0.39776 0.0160298 0.0270648 0.633603 943 +0 0.38843 0.336742 0.0153242 0.0322031 0.64187 725 +0 0.510051 0.131006 0.015093 0.0364298 0.69797 945 +0 0.965728 0.516915 0.0171417 0.0393497 0.691658 946 +0 0.691264 0.469351 0.0165328 0.0369542 0.701773 950 +0 0.668935 0.721022 0.0229311 0.0742101 0.546078 59 +0 0.519299 0.480871 0.0150883 0.0325004 0.747399 768 +0 0.255024 0.242997 0.0161648 0.0441565 0.729451 965 +0 0.56091 0.117647 0.0176584 0.0309861 0.380742 968 +0 0.145989 0.511206 0.0154215 0.0401361 0.729634 790 +0 0.896478 0.283757 0.0128961 0.0366825 0.507379 906 +0 0.277023 0.163558 0.0573609 0.101924 0.700418 988 +0 0.601787 0.116166 0.0303349 0.0697864 0.533181 994 +0 0.624308 0.537906 0.0240165 0.0495884 0.571714 1001 +0 0.7389 0.147154 0.0143442 0.0302617 0.449401 1002 +0 0.34144 0.312072 0.0226506 0.0385929 0.631573 1008 +0 0.820533 0.0990045 0.0894222 0.165914 0.774072 174 +0 0.168189 0.512277 0.0124436 0.0343605 0.480153 1025 +0 0.120666 0.289824 0.0428458 0.0959872 0.422699 1027 +0 0.858778 0.174411 0.06535 0.0860389 0.643056 1032 +0 0.218188 0.550317 0.0130125 0.0371546 0.552001 1040 +0 0.73353 0.100385 0.0417876 0.0594584 0.469373 1041 +0 0.621404 0.634325 0.0163214 0.0287526 0.598018 1048 +0 0.517773 0.0697048 0.0266465 0.068537 0.560212 1049 +0 0.633923 0.447479 0.0128484 0.0311374 0.456556 1053 +0 0.380898 0.287593 0.0136066 0.0211461 0.393937 1055 +0 0.173726 0.233225 0.0196537 0.0509164 0.735385 1056 +0 0.574327 0.177248 0.0144039 0.0378438 0.582271 1057 +0 0.52899 0.707863 0.0116335 0.0337906 0.501982 1059 +0 0.835677 0.503483 0.0162244 0.0419698 0.784513 1064 +0 0.919177 0.210618 0.0374224 0.0825796 0.49178 1065 +0 0.203009 0.187367 0.0192832 0.0605614 0.68274 1066 +0 0.97887 0.483506 0.0179276 0.0444159 0.731461 1068 +0 0.241574 0.540636 0.0177529 0.0370445 0.658927 1073 +0 0.367498 0.132893 0.0988725 0.188937 0.740964 1075 +0 0.775762 0.279198 0.0131744 0.0391281 0.45013 1085 +0 0.418397 0.933629 0.0160293 0.0429152 0.662979 517 +0 0.815845 0.588472 0.0139062 0.0205212 0.495033 999 +0 0.232471 0.112174 0.0587661 0.088469 0.728466 1087 +0 0.40443 0.804782 0.0280066 0.0547636 0.377883 910 +0 0.928038 0.71975 0.0114538 0.0327617 0.33749 72 +0 0.548638 0.916104 0.0159101 0.043493 0.557589 127 +0 0.416334 0.764038 0.0210293 0.0521519 0.384529 1116 +0 0.173115 0.17281 0.0163326 0.0446725 0.69083 1119 +0 0.682876 0.0418854 0.0238884 0.0624283 0.576988 1122 +0 0.905141 0.488306 0.0117207 0.0289281 0.434475 1129 +0 0.702467 0.335838 0.0106442 0.0318846 0.467954 1132 +0 0.442947 0.0345425 0.0196743 0.0518513 0.468469 480 +0 0.0629014 0.689977 0.0198395 0.0509511 0.616153 972 +0 0.756213 0.455919 0.0123045 0.0248498 0.591367 884 +0 0.889546 0.874829 0.0355074 0.0772521 0.604318 47 +0 0.649523 0.575967 0.0173439 0.0437406 0.703913 1138 +0 0.49746 0.0202668 0.0155863 0.0353704 0.662168 1143 +0 0.685147 0.117039 0.0135266 0.0274824 0.466845 1144 +0 0.50221 0.207035 0.0157318 0.0183838 0.477269 1150 +0 0.395492 0.303105 0.013281 0.0222849 0.684029 1151 +0 0.74695 0.0382982 0.0232635 0.0511475 0.537238 1153 +0 0.331904 0.331352 0.0164717 0.0371445 0.560388 887 +0 0.630487 0.945564 0.01452 0.0434925 0.608175 300 +0 0.623504 0.677749 0.027217 0.0520668 0.370471 451 +0 0.573153 0.0410767 0.0561445 0.0605574 0.808462 6 +0 0.172899 0.72639 0.0165311 0.0491232 0.579196 628 +0 0.433887 0.680493 0.012823 0.0377226 0.385071 832 +0 0.0505311 0.547299 0.014738 0.0435515 0.401333 1019 +0 0.579635 0.34921 0.0138396 0.0371361 0.691107 706 +0 0.204378 0.317715 0.018184 0.0676597 0.406989 705 +0 0.881756 0.658328 0.0123335 0.020456 0.31079 983 +0 0.858396 0.515611 0.0102165 0.0305262 0.378681 1074 +0 0.330493 0.501701 0.0120623 0.037497 0.437018 744 +0 0.414159 0.790658 0.0296146 0.0774043 0.349074 54 diff --git a/src/FlotationAnalytics/output_botsort/track32/labels/image31.txt b/src/FlotationAnalytics/output_botsort/track32/labels/image31.txt new file mode 100644 index 0000000..24c5698 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track32/labels/image31.txt @@ -0,0 +1,179 @@ +0 0.596936 0.618338 0.0464502 0.0703676 0.317376 13 +0 0.798949 0.7005 0.0163067 0.045427 0.811512 60 +0 0.72233 0.833197 0.114064 0.178584 0.375761 63 +0 0.844898 0.658565 0.0528341 0.0926709 0.571494 80 +0 0.628372 0.842266 0.0362426 0.0893078 0.318392 95 +0 0.323272 0.0315975 0.111471 0.063195 0.718869 98 +0 0.42643 0.352109 0.0772314 0.149458 0.816178 102 +0 0.962439 0.808784 0.0621032 0.0914375 0.374247 185 +0 0.335225 0.716117 0.0775937 0.143485 0.611832 189 +0 0.806522 0.639972 0.0196813 0.0446342 0.588075 260 +0 0.618645 0.245463 0.0959397 0.157265 0.827525 274 +0 0.556226 0.730681 0.0199326 0.0489056 0.645192 299 +0 0.847173 0.574529 0.0210012 0.0518956 0.604943 312 +0 0.336414 0.440113 0.10818 0.124741 0.817156 329 +0 0.588568 0.851021 0.0198084 0.0588853 0.732676 370 +0 0.449134 0.766901 0.0191438 0.0513739 0.687747 380 +0 0.704922 0.233775 0.0487168 0.0894166 0.510533 386 +0 0.50102 0.79964 0.0750484 0.174443 0.594564 3 +0 0.667391 0.530069 0.0210244 0.0549781 0.452899 101 +0 0.570841 0.682545 0.0179589 0.0444666 0.728499 448 +0 0.561963 0.802745 0.0210734 0.0543732 0.623428 455 +0 0.702915 0.512479 0.0193415 0.0476092 0.636914 456 +0 0.729885 0.652818 0.0810125 0.112438 0.700044 92 +0 0.426623 0.393178 0.0228711 0.0511923 0.65998 514 +0 0.782176 0.516754 0.0173237 0.0422174 0.668884 521 +0 0.613852 0.726892 0.0598957 0.144895 0.423787 523 +0 0.516341 0.363393 0.0969554 0.166385 0.819061 31 +0 0.741311 0.519536 0.0387077 0.071598 0.377714 269 +0 0.421733 0.579422 0.0667113 0.190384 0.773705 562 +0 0.551925 0.431707 0.0602331 0.100091 0.649314 563 +0 0.670039 0.671018 0.0188914 0.0455064 0.662428 582 +0 0.943623 0.63372 0.103407 0.156684 0.853629 594 +0 0.568928 0.485191 0.021635 0.0522112 0.607912 225 +0 0.809148 0.471914 0.0216921 0.059616 0.60125 272 +0 0.460692 0.687977 0.0191087 0.0542502 0.777353 600 +0 0.779302 0.458562 0.0169447 0.0408276 0.738754 601 +0 0.483138 0.567407 0.0237815 0.0486942 0.569556 603 +0 0.189203 0.381669 0.111594 0.225979 0.742519 604 +0 0.874705 0.489984 0.0162051 0.0382126 0.72033 620 +0 0.233086 0.610605 0.0244559 0.0531508 0.384882 624 +0 0.466392 0.285879 0.0635963 0.122668 0.729442 625 +0 0.470507 0.515739 0.0197609 0.057186 0.426853 627 +0 0.413565 0.339185 0.0190199 0.0450264 0.624852 630 +0 0.527537 0.550752 0.0516784 0.10141 0.522545 14 +0 0.81975 0.368279 0.10065 0.123266 0.843312 249 +0 0.886364 0.532814 0.0195222 0.0500414 0.536528 656 +0 0.132844 0.565034 0.0173868 0.0499909 0.757497 670 +0 0.208068 0.67048 0.0277035 0.0794512 0.370856 673 +0 0.875147 0.581116 0.0156989 0.0378253 0.558387 674 +0 0.0747148 0.653705 0.0345611 0.0722869 0.635946 675 +0 0.493719 0.515931 0.0187814 0.0367602 0.620817 682 +0 0.141117 0.641709 0.0610484 0.0955227 0.478555 687 +0 0.345618 0.264222 0.0558625 0.101146 0.369477 692 +0 0.491828 0.642649 0.0243501 0.085839 0.394545 700 +0 0.805285 0.558237 0.0338291 0.0606643 0.320759 219 +0 0.370332 0.325801 0.0154414 0.0306002 0.767877 704 +0 0.277186 0.33791 0.0163974 0.0493345 0.746933 709 +0 0.556535 0.228672 0.0182379 0.042658 0.724119 710 +0 0.412167 0.28796 0.0173023 0.0396228 0.633919 711 +0 0.350522 0.35342 0.0148382 0.0282342 0.521852 712 +0 0.301718 0.252483 0.0343016 0.0813676 0.638543 713 +0 0.222139 0.510495 0.0279378 0.0567111 0.48426 715 +0 0.503218 0.460571 0.0163613 0.0329731 0.673232 716 +0 0.517328 0.241437 0.0193541 0.0455383 0.675062 717 +0 0.692564 0.733143 0.0177153 0.0472238 0.513517 718 +0 0.189599 0.569841 0.0221387 0.0623812 0.638934 729 +0 0.378149 0.525798 0.0187606 0.0424403 0.676874 732 +0 0.25605 0.668685 0.0207567 0.0603498 0.589938 733 +0 0.867458 0.389856 0.0151003 0.0320164 0.616824 369 +0 0.33465 0.574772 0.0703006 0.126031 0.483701 775 +0 0.916112 0.529308 0.0167879 0.0409056 0.719382 780 +0 0.887792 0.703801 0.021129 0.0405791 0.454787 785 +0 0.437234 0.447232 0.022696 0.0521812 0.427889 805 +0 0.641202 0.363964 0.0838061 0.116502 0.670304 806 +0 0.944621 0.380114 0.101329 0.220565 0.848267 811 +0 0.732408 0.442906 0.0430088 0.0711943 0.510333 302 +0 0.867937 0.743408 0.0265111 0.0564073 0.513838 467 +0 0.384184 0.722694 0.0141043 0.0433213 0.555839 477 +0 0.266901 0.520697 0.0185611 0.0454236 0.680085 327 +0 0.775142 0.610707 0.0152006 0.0412839 0.48986 228 +0 0.748547 0.367679 0.0196668 0.0516293 0.724303 824 +0 0.602977 0.469623 0.0185514 0.0407798 0.722225 827 +0 0.805571 0.244427 0.0309165 0.0634339 0.41478 828 +0 0.0899839 0.48176 0.0621017 0.115208 0.690646 829 +0 0.280421 0.561732 0.0174564 0.0431815 0.554373 833 +0 0.825131 0.618355 0.0140919 0.0302487 0.33375 840 +0 0.671166 0.431307 0.0446809 0.0869397 0.486805 847 +0 0.264267 0.617345 0.0152765 0.0395426 0.649889 852 +0 0.852868 0.444935 0.0515619 0.083843 0.515245 861 +0 0.87676 0.247849 0.0258003 0.0600552 0.582896 865 +0 0.587184 0.536995 0.0223531 0.0499455 0.639806 867 +0 0.694241 0.589944 0.0331335 0.0792182 0.429398 868 +0 0.564686 0.576333 0.0180322 0.0402501 0.714766 869 +0 0.500296 0.184076 0.0180495 0.0368225 0.614768 870 +0 0.717684 0.160576 0.0140989 0.038964 0.731023 871 +0 0.694809 0.159452 0.0195703 0.0450772 0.701213 873 +0 0.66527 0.287432 0.0171819 0.042617 0.694269 874 +0 0.444556 0.137343 0.0974608 0.189531 0.817889 875 +0 0.543474 0.173452 0.0271797 0.07146 0.54753 877 +0 0.836165 0.262952 0.0160563 0.0421532 0.653248 879 +0 0.726154 0.299264 0.0424614 0.0753975 0.604851 886 +0 0.642595 0.50679 0.0161508 0.0377692 0.766526 888 +0 0.61996 0.498741 0.0196877 0.0369192 0.713952 901 +0 0.276542 0.243712 0.0168119 0.0365375 0.629643 902 +0 0.283825 0.608493 0.0151697 0.03853 0.649082 907 +0 0.740437 0.20395 0.0161047 0.0357917 0.665495 909 +0 0.715138 0.374174 0.0172618 0.0287032 0.608689 917 +0 0.760844 0.567626 0.0145606 0.0418855 0.678566 648 +0 0.717849 0.408619 0.0163921 0.0258469 0.592242 943 +0 0.386219 0.351636 0.0161183 0.0317512 0.666446 725 +0 0.509278 0.142428 0.0150019 0.0366485 0.735307 945 +0 0.962427 0.524401 0.0159996 0.0387512 0.510993 946 +0 0.68862 0.479932 0.0172626 0.0405531 0.579938 950 +0 0.668737 0.736754 0.0223592 0.0746959 0.52376 59 +0 0.516397 0.495065 0.0158023 0.0331876 0.805376 768 +0 0.253356 0.258645 0.0160212 0.0427886 0.738983 965 +0 0.559569 0.1273 0.0189263 0.0312594 0.59118 968 +0 0.146268 0.525115 0.0146141 0.0397853 0.710561 790 +0 0.895065 0.291645 0.012226 0.0360015 0.526914 906 +0 0.274623 0.179292 0.0563188 0.100868 0.765472 988 +0 0.600841 0.1271 0.0306338 0.0718884 0.521864 994 +0 0.621826 0.549817 0.0236852 0.050456 0.569423 1001 +0 0.737699 0.155767 0.0146064 0.029714 0.459256 1002 +0 0.342065 0.320094 0.0177311 0.032785 0.640361 1008 +0 0.818227 0.104623 0.0901273 0.176188 0.787608 174 +0 0.11375 0.319198 0.0638066 0.142042 0.691517 1027 +0 0.855067 0.185752 0.0620068 0.0817706 0.665292 1032 +0 0.218483 0.566191 0.0116755 0.0350485 0.456966 1040 +0 0.732397 0.108387 0.0416853 0.06107 0.592423 1041 +0 0.619285 0.651173 0.0174753 0.0256701 0.43514 1048 +0 0.517288 0.0797194 0.0267632 0.068696 0.480908 1049 +0 0.630749 0.460153 0.0123891 0.0317117 0.45801 1053 +0 0.380083 0.298467 0.0148979 0.0217149 0.441832 1055 +0 0.174867 0.248201 0.0187261 0.0504994 0.737177 1056 +0 0.573259 0.187987 0.0152224 0.0401111 0.731257 1057 +0 0.83343 0.513392 0.0162391 0.0417275 0.747714 1064 +0 0.918618 0.21983 0.0462287 0.0907221 0.629326 1065 +0 0.205195 0.201963 0.0184755 0.0556863 0.692789 1066 +0 0.97695 0.490629 0.0172593 0.0431708 0.761688 1068 +0 0.241337 0.559336 0.0182211 0.0409919 0.67046 1073 +0 0.774278 0.286585 0.0135168 0.036637 0.34663 1085 +0 0.231254 0.119188 0.0658719 0.0999356 0.762913 1087 +0 0.401958 0.832604 0.0240708 0.0460358 0.473944 910 +0 0.410132 0.78333 0.0215861 0.0549435 0.376466 1116 +0 0.173385 0.187494 0.0178949 0.0488714 0.55379 1119 +0 0.680635 0.0531206 0.0237083 0.0578405 0.48232 1122 +0 0.902635 0.496514 0.0122638 0.0298124 0.384019 1129 +0 0.448808 0.0166895 0.0232234 0.033379 0.373284 480 +0 0.753247 0.466404 0.0121709 0.025385 0.300226 884 +0 0.893532 0.892808 0.023856 0.0601281 0.569784 47 +0 0.646314 0.589614 0.0187136 0.0473675 0.764242 1138 +0 0.496768 0.028254 0.0160848 0.0408758 0.663082 1143 +0 0.683637 0.127199 0.0141696 0.0283811 0.679173 1144 +0 0.393322 0.317656 0.0136234 0.0237723 0.63315 1151 +0 0.746145 0.0461458 0.0233968 0.0513305 0.551422 1153 +0 0.329808 0.345095 0.0159368 0.0347148 0.595623 887 +0 0.62106 0.683203 0.0297228 0.0663594 0.321379 451 +0 0.431484 0.697145 0.0126363 0.0367049 0.322843 832 +0 0.0614724 0.411464 0.0138049 0.0406496 0.524563 1159 +0 0.0927881 0.77736 0.0134692 0.0453051 0.561305 1160 +0 0.642196 0.0204544 0.0164665 0.0343397 0.660686 1161 +0 0.389089 0.280554 0.013846 0.0195764 0.544213 1174 +0 0.577052 0.360494 0.014453 0.0403024 0.698663 706 +0 0.203834 0.330797 0.0158048 0.056778 0.379535 705 +0 0.882406 0.684244 0.0185428 0.0266201 0.384426 983 +0 0.855973 0.525436 0.00933777 0.0304356 0.303867 1074 +0 0.396966 0.799843 0.0231251 0.0622339 0.503957 54 +0 0.740233 0.772376 0.0232298 0.0526057 0.31207 121 +0 0.64348 0.923878 0.0165946 0.049411 0.676399 387 +0 0.162092 0.803398 0.0356178 0.0582354 0.347682 854 +0 0.472727 0.947467 0.0132444 0.0376597 0.41967 482 +0 0.402054 0.443124 0.0192768 0.0460974 0.486971 337 +0 0.452417 0.739099 0.0165791 0.0361073 0.360492 855 +0 0.226604 0.471572 0.0138796 0.0224734 0.35723 837 +0 0.721585 0.574165 0.0134031 0.0306498 0.440876 1045 +0 0.986004 0.777111 0.0119017 0.0297456 0.465707 1047 +0 0.530757 0.650601 0.0505906 0.102532 0.353652 27 +0 0.570759 0.0429004 0.0567186 0.0718499 0.786742 800 +0 0.318299 0.66045 0.0107374 0.0383488 0.432198 1120 diff --git a/src/FlotationAnalytics/output_botsort/track33/labels/image32.txt b/src/FlotationAnalytics/output_botsort/track33/labels/image32.txt new file mode 100644 index 0000000..c9b7fb2 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track33/labels/image32.txt @@ -0,0 +1,163 @@ +0 0.59561 0.635577 0.0455635 0.0732277 0.383852 13 +0 0.79703 0.712933 0.0156596 0.0429343 0.733891 60 +0 0.843773 0.670595 0.0519305 0.0937325 0.569148 80 +0 0.629427 0.858523 0.0271505 0.0750577 0.424388 95 +0 0.478029 0.0326744 0.0858549 0.0653487 0.813509 98 +0 0.424257 0.345647 0.0509257 0.0992378 0.448981 102 +0 0.80374 0.651025 0.0195505 0.0463405 0.505402 260 +0 0.616946 0.257668 0.0965975 0.158295 0.849038 274 +0 0.553373 0.748479 0.0190497 0.0513137 0.645042 299 +0 0.844778 0.586251 0.0216473 0.0539786 0.498019 312 +0 0.335407 0.459603 0.109128 0.132663 0.795334 329 +0 0.586507 0.892591 0.0178248 0.0465572 0.493436 370 +0 0.446857 0.785904 0.0190918 0.0570294 0.741166 380 +0 0.703769 0.246451 0.0503751 0.0909847 0.535763 386 +0 0.498528 0.823662 0.0735773 0.193162 0.521762 3 +0 0.665558 0.541319 0.0199152 0.0543275 0.576612 101 +0 0.567544 0.701805 0.0180548 0.0479011 0.710219 448 +0 0.560676 0.826802 0.0209538 0.0553923 0.637105 455 +0 0.70129 0.524897 0.0195837 0.0480117 0.634483 456 +0 0.723251 0.670939 0.0691643 0.118033 0.709032 92 +0 0.424671 0.408977 0.0234332 0.0499945 0.581845 514 +0 0.61364 0.737236 0.0584439 0.13888 0.486967 523 +0 0.512787 0.37911 0.0988835 0.164381 0.802164 31 +0 0.741591 0.532183 0.0429871 0.0747361 0.397094 269 +0 0.418861 0.59664 0.0671965 0.191662 0.721739 562 +0 0.54928 0.448607 0.0605118 0.104223 0.623289 563 +0 0.667781 0.690613 0.0192651 0.0454397 0.746254 582 +0 0.943246 0.643578 0.10486 0.153444 0.836792 594 +0 0.566738 0.499644 0.0210651 0.0521757 0.641301 225 +0 0.806471 0.482649 0.0216478 0.0600377 0.562397 272 +0 0.458194 0.70702 0.0188592 0.0545535 0.790699 600 +0 0.776927 0.469696 0.0172229 0.0433506 0.690878 601 +0 0.48071 0.584084 0.023866 0.048778 0.56021 603 +0 0.187156 0.397828 0.110415 0.231928 0.792259 604 +0 0.872614 0.499824 0.016102 0.0377899 0.726113 620 +0 0.229046 0.632562 0.0294645 0.0610744 0.386803 624 +0 0.464292 0.300512 0.0662292 0.129418 0.747063 625 +0 0.467988 0.534505 0.0174864 0.0553942 0.46215 627 +0 0.410913 0.35648 0.0187967 0.043881 0.649588 630 +0 0.52473 0.562952 0.0519977 0.108483 0.503207 14 +0 0.817306 0.377893 0.103124 0.117511 0.825739 249 +0 0.883446 0.543338 0.0220143 0.0519921 0.460492 656 +0 0.132151 0.590643 0.0176871 0.0514758 0.682474 670 +0 0.203476 0.710498 0.036172 0.101644 0.411542 673 +0 0.872338 0.593785 0.015655 0.0402722 0.701513 674 +0 0.0720906 0.684035 0.029459 0.0697861 0.490705 675 +0 0.491541 0.531579 0.0187996 0.0377287 0.655371 682 +0 0.145836 0.669767 0.0560872 0.105802 0.400313 687 +0 0.343958 0.279537 0.0568126 0.100171 0.394023 692 +0 0.490273 0.656856 0.0230565 0.0812418 0.401347 700 +0 0.798411 0.57012 0.0417927 0.0655533 0.571515 219 +0 0.368474 0.341867 0.0155182 0.031236 0.743185 704 +0 0.276684 0.357394 0.0165643 0.0487465 0.698912 709 +0 0.554561 0.240921 0.0184489 0.0431365 0.693391 710 +0 0.409997 0.304968 0.0174478 0.0393612 0.699663 711 +0 0.34866 0.37005 0.0152768 0.0275542 0.554383 712 +0 0.29939 0.271798 0.0315291 0.0692696 0.49984 713 +0 0.220694 0.528903 0.0300111 0.0580677 0.41492 715 +0 0.500625 0.476705 0.0170037 0.0343055 0.703249 716 +0 0.518543 0.254623 0.0208257 0.0500924 0.726953 717 +0 0.690234 0.75316 0.0193214 0.0501618 0.58328 718 +0 0.188979 0.587939 0.0227122 0.0704156 0.462834 729 +0 0.373921 0.546559 0.0207541 0.046013 0.54425 732 +0 0.253154 0.692634 0.0198794 0.0574331 0.730449 733 +0 0.865606 0.399826 0.0155886 0.0334198 0.66037 369 +0 0.33279 0.59732 0.0723703 0.130652 0.666527 775 +0 0.914185 0.538904 0.0170571 0.0409506 0.57037 780 +0 0.432605 0.464874 0.0266316 0.0504786 0.342614 805 +0 0.638802 0.3769 0.0827987 0.114424 0.700594 806 +0 0.944146 0.384328 0.102706 0.224787 0.867123 811 +0 0.730615 0.453572 0.0435423 0.0755539 0.339172 302 +0 0.873605 0.743639 0.0355582 0.0624335 0.424019 467 +0 0.264845 0.541749 0.0189653 0.0440405 0.743393 327 +0 0.770822 0.624876 0.0158971 0.0413992 0.636797 228 +0 0.747033 0.377075 0.0201102 0.0535967 0.712674 824 +0 0.601107 0.483175 0.0183992 0.0398102 0.727794 827 +0 0.805798 0.251711 0.0264927 0.0612286 0.355102 828 +0 0.104556 0.535842 0.0355154 0.0789823 0.70264 829 +0 0.278155 0.58208 0.0172097 0.0441569 0.525775 833 +0 0.821669 0.630486 0.0142007 0.0290083 0.470802 840 +0 0.668891 0.44445 0.043612 0.0826107 0.502011 847 +0 0.260479 0.641968 0.0130503 0.0357191 0.460837 852 +0 0.850752 0.459228 0.0495789 0.0797722 0.373984 861 +0 0.875324 0.255424 0.0283548 0.0631614 0.468884 865 +0 0.58562 0.549793 0.0238729 0.0523069 0.608537 867 +0 0.691282 0.604984 0.0368294 0.086953 0.375187 868 +0 0.56292 0.593671 0.0186318 0.042578 0.608365 869 +0 0.499312 0.198141 0.0180896 0.0426311 0.705437 870 +0 0.716247 0.169238 0.0144608 0.0392984 0.719048 871 +0 0.692667 0.16987 0.0193524 0.0448863 0.694504 873 +0 0.663737 0.298284 0.017515 0.0438675 0.706372 874 +0 0.443595 0.151429 0.0964774 0.192128 0.805533 875 +0 0.541913 0.184613 0.0261644 0.0703086 0.531268 877 +0 0.834043 0.271486 0.0160828 0.0412659 0.687498 879 +0 0.724512 0.307856 0.0418267 0.076482 0.589228 886 +0 0.640099 0.521007 0.0163839 0.0384692 0.740866 888 +0 0.617292 0.512386 0.0195007 0.0364805 0.765638 901 +0 0.275694 0.25306 0.0168398 0.0379546 0.743236 902 +0 0.280724 0.632237 0.016039 0.0442414 0.694081 907 +0 0.738715 0.212176 0.0161789 0.0360566 0.678489 909 +0 0.713515 0.386272 0.0171088 0.0253888 0.451572 917 +0 0.756776 0.585272 0.0137038 0.0399289 0.535484 648 +0 0.716306 0.419969 0.0170554 0.0256484 0.519444 943 +0 0.383998 0.368549 0.0163371 0.031655 0.688986 725 +0 0.507593 0.15407 0.0144003 0.0353429 0.740527 945 +0 0.960328 0.532869 0.0163719 0.0396034 0.642939 946 +0 0.686827 0.491736 0.0168297 0.0428641 0.582491 950 +0 0.6666 0.753826 0.0226439 0.0690209 0.584921 59 +0 0.513793 0.511053 0.0158748 0.0335519 0.712235 768 +0 0.250346 0.267159 0.0160909 0.0409542 0.681006 965 +0 0.557421 0.13846 0.0207816 0.0299697 0.614691 968 +0 0.893222 0.299598 0.012298 0.0360082 0.595547 906 +0 0.273796 0.189174 0.0562674 0.0996517 0.738797 988 +0 0.59854 0.13837 0.0302848 0.0688658 0.451559 994 +0 0.619927 0.563189 0.023303 0.0494821 0.562256 1001 +0 0.736259 0.162358 0.0153495 0.0300034 0.590518 1002 +0 0.341321 0.334818 0.01558 0.0302312 0.592926 1008 +0 0.816074 0.109697 0.0914201 0.177829 0.791225 174 +0 0.10874 0.340428 0.0718176 0.163679 0.66419 1027 +0 0.853287 0.19451 0.0612534 0.0785188 0.61499 1032 +0 0.217898 0.586006 0.0117154 0.0359345 0.381668 1040 +0 0.729826 0.116284 0.0425475 0.0637794 0.555004 1041 +0 0.515406 0.0906826 0.0265208 0.0699874 0.553818 1049 +0 0.628886 0.474025 0.0123917 0.0324897 0.480975 1053 +0 0.377841 0.313887 0.0154466 0.022653 0.507456 1055 +0 0.174379 0.26501 0.0177779 0.049663 0.76771 1056 +0 0.571818 0.198761 0.0154746 0.0412247 0.739594 1057 +0 0.830917 0.52495 0.0161639 0.0421167 0.751026 1064 +0 0.918584 0.220953 0.0513948 0.0858861 0.389487 1065 +0 0.205326 0.218987 0.018156 0.0561454 0.692696 1066 +0 0.973873 0.499124 0.018099 0.0447231 0.72342 1068 +0 0.240359 0.579041 0.0179793 0.0413068 0.671307 1073 +0 0.7728 0.294807 0.0126122 0.0333714 0.357834 1085 +0 0.229507 0.128642 0.0696296 0.108703 0.69522 1087 +0 0.405792 0.808641 0.0209367 0.0522887 0.605522 1116 +0 0.172534 0.20382 0.0200863 0.0553632 0.599334 1119 +0 0.678096 0.0663604 0.0237894 0.0580661 0.470804 1122 +0 0.453764 0.018172 0.0361448 0.036344 0.530695 480 +0 0.88846 0.904097 0.0323175 0.0606799 0.421191 47 +0 0.643838 0.60551 0.0188218 0.0485784 0.737695 1138 +0 0.495459 0.0380296 0.0158421 0.0427977 0.681866 1143 +0 0.68164 0.135609 0.0146931 0.0293899 0.659426 1144 +0 0.391078 0.33435 0.0136081 0.0240049 0.583406 1151 +0 0.743383 0.0540776 0.0234026 0.0574525 0.573736 1153 +0 0.328063 0.361699 0.0157125 0.0350245 0.59442 887 +0 0.620187 0.699688 0.0364443 0.072516 0.391424 451 +0 0.428568 0.716658 0.0137519 0.0411579 0.595289 832 +0 0.0583747 0.430715 0.014155 0.0429704 0.604335 1159 +0 0.640442 0.0275122 0.0172911 0.0406561 0.692548 1161 +0 0.574421 0.374059 0.0141359 0.0420357 0.523305 706 +0 0.878694 0.693239 0.0171674 0.0279438 0.324543 983 +0 0.871496 0.788034 0.0195632 0.0318693 0.465759 1178 +0 0.617604 0.0892005 0.0270221 0.06381 0.388369 1186 +0 0.402514 0.460959 0.0123876 0.0332648 0.45363 337 +0 0.72079 0.588513 0.0144208 0.0330703 0.516127 1045 +0 0.986297 0.786484 0.0118291 0.0298454 0.332163 1047 +0 0.525537 0.668194 0.0581619 0.104331 0.357706 27 +0 0.321477 0.257545 0.0131615 0.0309765 0.413861 830 +0 0.562955 0.549357 0.010323 0.025299 0.385886 721 +0 0.194218 0.645855 0.0117729 0.0342247 0.364918 973 +0 0.167537 0.548208 0.0103514 0.0324508 0.305822 1025 +0 0.810575 0.610703 0.0134499 0.0225988 0.428882 999 +0 0.322436 0.548459 0.0123261 0.036495 0.332876 744 diff --git a/src/FlotationAnalytics/output_botsort/track34/labels/image33.txt b/src/FlotationAnalytics/output_botsort/track34/labels/image33.txt new file mode 100644 index 0000000..17341ec --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track34/labels/image33.txt @@ -0,0 +1,170 @@ +0 0.590577 0.654533 0.0444688 0.076976 0.392967 13 +0 0.787389 0.704375 0.017505 0.0379114 0.336717 60 +0 0.844151 0.678453 0.0522696 0.0952593 0.448452 80 +0 0.626623 0.882261 0.0220131 0.0670027 0.479745 95 +0 0.485301 0.00851118 0.0445686 0.0170224 0.393746 98 +0 0.391993 0.287567 0.0274433 0.0546081 0.345593 102 +0 0.507547 0.317008 0.0772392 0.14473 0.827893 260 +0 0.617276 0.269723 0.095943 0.16215 0.846717 274 +0 0.550158 0.766904 0.016969 0.0467441 0.453841 299 +0 0.842624 0.597386 0.0212334 0.0502428 0.452193 312 +0 0.33225 0.477151 0.112152 0.139642 0.775538 329 +0 0.583365 0.923346 0.0163491 0.0480138 0.511124 370 +0 0.444074 0.803894 0.0205042 0.0634492 0.730717 380 +0 0.701791 0.253531 0.0475024 0.08796 0.419085 386 +0 0.492605 0.843132 0.0768491 0.194934 0.324153 3 +0 0.663558 0.55308 0.0214336 0.0541873 0.512189 101 +0 0.564584 0.722214 0.0186251 0.049751 0.735741 448 +0 0.55792 0.846543 0.0190435 0.0525517 0.633884 455 +0 0.700356 0.537126 0.0200106 0.0459618 0.594082 456 +0 0.726131 0.69498 0.0353761 0.075004 0.767048 92 +0 0.42306 0.424108 0.0251179 0.0521947 0.63834 514 +0 0.510194 0.393211 0.0997618 0.165151 0.805888 31 +0 0.742475 0.545539 0.0474961 0.0765138 0.491366 269 +0 0.417237 0.613514 0.0672986 0.19094 0.633733 562 +0 0.548147 0.464492 0.0602457 0.111794 0.557454 563 +0 0.658997 0.715594 0.0186563 0.0452443 0.610668 582 +0 0.942617 0.655283 0.105658 0.156913 0.825421 594 +0 0.565844 0.515002 0.0211271 0.0534699 0.653361 225 +0 0.804508 0.494669 0.0209778 0.0585334 0.582922 272 +0 0.454691 0.726852 0.0182248 0.0536101 0.746904 600 +0 0.77533 0.48096 0.0175433 0.0428474 0.708908 601 +0 0.479982 0.600281 0.0212877 0.0470786 0.569872 603 +0 0.187228 0.414297 0.106984 0.221784 0.82361 604 +0 0.87045 0.511409 0.0162971 0.0379307 0.66623 620 +0 0.228086 0.656093 0.0249632 0.0604319 0.326315 624 +0 0.464066 0.314769 0.0684156 0.123489 0.763564 625 +0 0.465996 0.55105 0.0190235 0.0556208 0.522873 627 +0 0.409991 0.372809 0.0184793 0.0428107 0.646096 630 +0 0.523022 0.57918 0.051964 0.108902 0.467567 14 +0 0.81579 0.389056 0.104149 0.122578 0.834685 249 +0 0.881802 0.554884 0.0200272 0.0506283 0.520317 656 +0 0.131111 0.622407 0.0164183 0.0485372 0.545627 670 +0 0.203062 0.727039 0.0264308 0.080698 0.339195 673 +0 0.869308 0.604714 0.0162254 0.0387751 0.676972 674 +0 0.0709487 0.711793 0.0235026 0.0636001 0.671527 675 +0 0.489923 0.547597 0.0194515 0.0392306 0.688543 682 +0 0.345224 0.291739 0.0543655 0.0974999 0.388844 692 +0 0.491072 0.680601 0.0281727 0.094219 0.403349 700 +0 0.795078 0.581573 0.0454637 0.0757353 0.573572 219 +0 0.368081 0.357151 0.0154169 0.0316346 0.720208 704 +0 0.276235 0.376552 0.0167057 0.0496621 0.719244 709 +0 0.553494 0.251528 0.0175104 0.0403623 0.75054 710 +0 0.409414 0.321331 0.0176325 0.040035 0.682024 711 +0 0.348117 0.38472 0.01522 0.0274252 0.51722 712 +0 0.300007 0.292922 0.0289588 0.0576284 0.57424 713 +0 0.21915 0.548375 0.0304075 0.0613987 0.415901 715 +0 0.498783 0.493335 0.016435 0.0339178 0.681161 716 +0 0.519236 0.267157 0.021441 0.0509154 0.736715 717 +0 0.702185 0.766359 0.02288 0.0544575 0.525864 718 +0 0.188424 0.612084 0.0228872 0.0739892 0.453884 729 +0 0.368865 0.568771 0.018928 0.0463407 0.520394 732 +0 0.250947 0.719796 0.016598 0.0476501 0.331989 733 +0 0.863721 0.40968 0.0158099 0.0339036 0.533254 369 +0 0.331475 0.619794 0.0737801 0.129724 0.535686 775 +0 0.912061 0.54869 0.0166405 0.038196 0.619455 780 +0 0.431039 0.481497 0.0240671 0.0517615 0.363995 805 +0 0.63752 0.389963 0.0808437 0.122486 0.634097 806 +0 0.943163 0.391822 0.105606 0.237325 0.857578 811 +0 0.730128 0.465071 0.0400774 0.075193 0.403145 302 +0 0.874454 0.747824 0.0339449 0.0696629 0.552167 467 +0 0.26293 0.562652 0.0188722 0.0467281 0.727126 327 +0 0.769217 0.628855 0.0137501 0.033134 0.529221 228 +0 0.745596 0.387422 0.0205453 0.0542439 0.701397 824 +0 0.599834 0.494851 0.0179565 0.0398212 0.646877 827 +0 0.802791 0.25936 0.0302843 0.0656167 0.406377 828 +0 0.111881 0.579562 0.0212338 0.0607769 0.726518 829 +0 0.275939 0.603102 0.0168198 0.046731 0.486814 833 +0 0.668558 0.456663 0.0439724 0.0829784 0.463476 847 +0 0.257701 0.669567 0.0144805 0.0429202 0.694058 852 +0 0.848089 0.468056 0.0503352 0.0836151 0.360862 861 +0 0.874814 0.261792 0.0280553 0.06299 0.514795 865 +0 0.583908 0.566342 0.0261244 0.0554029 0.542023 867 +0 0.686844 0.614839 0.0351877 0.0853833 0.543836 868 +0 0.562044 0.611957 0.0196357 0.0439684 0.559567 869 +0 0.498577 0.211953 0.0186641 0.0452355 0.686161 870 +0 0.715415 0.177119 0.0145134 0.0388635 0.732598 871 +0 0.691481 0.178268 0.0185136 0.0444093 0.696515 873 +0 0.662591 0.309078 0.0171275 0.0432573 0.633997 874 +0 0.443642 0.162934 0.0995455 0.190516 0.762112 875 +0 0.540707 0.196096 0.0234848 0.0741443 0.502547 877 +0 0.831896 0.279587 0.016328 0.0404082 0.652089 879 +0 0.72314 0.317044 0.0421922 0.0791042 0.555085 886 +0 0.637402 0.534061 0.0169502 0.0383247 0.755551 888 +0 0.614746 0.5269 0.0201749 0.038375 0.826683 901 +0 0.275915 0.266407 0.0189473 0.0473237 0.726664 902 +0 0.27824 0.656344 0.0156226 0.0452642 0.63764 907 +0 0.737305 0.219866 0.0153031 0.0365459 0.587213 909 +0 0.711754 0.395986 0.0170548 0.0283693 0.481258 917 +0 0.755945 0.593807 0.014339 0.0371771 0.608755 648 +0 0.715325 0.430319 0.0172066 0.0253924 0.628354 943 +0 0.383084 0.383772 0.0164301 0.0291296 0.660194 725 +0 0.506899 0.166472 0.0136655 0.035045 0.693103 945 +0 0.95839 0.542042 0.0161217 0.0393449 0.678109 946 +0 0.685542 0.504973 0.0166772 0.0454816 0.677211 950 +0 0.658994 0.78212 0.0289961 0.0792308 0.644476 59 +0 0.51208 0.526887 0.0148884 0.0343048 0.469282 768 +0 0.246852 0.281375 0.0161968 0.042574 0.640054 965 +0 0.556418 0.148903 0.0207712 0.0302475 0.436065 968 +0 0.890123 0.310173 0.0127246 0.0385504 0.514288 906 +0 0.273775 0.19758 0.0564378 0.0958649 0.743506 988 +0 0.59682 0.147602 0.0306667 0.0701103 0.44139 994 +0 0.617993 0.577093 0.0222794 0.0492301 0.62213 1001 +0 0.735751 0.169959 0.014575 0.0296 0.540472 1002 +0 0.340711 0.349149 0.0147712 0.0273599 0.528942 1008 +0 0.815156 0.116129 0.0941406 0.1804 0.783493 174 +0 0.106029 0.355916 0.0773054 0.187861 0.748157 1027 +0 0.853149 0.201932 0.0628259 0.0787224 0.587619 1032 +0 0.216471 0.610163 0.0121011 0.0365018 0.453014 1040 +0 0.72922 0.124109 0.0430238 0.064246 0.493378 1041 +0 0.513802 0.101643 0.0254873 0.0688895 0.633319 1049 +0 0.626945 0.487847 0.0136206 0.0349226 0.526703 1053 +0 0.376904 0.329116 0.0146822 0.0210319 0.455744 1055 +0 0.17328 0.282887 0.0173374 0.050362 0.761353 1056 +0 0.571173 0.210413 0.0155429 0.0416679 0.720883 1057 +0 0.828643 0.535804 0.0165289 0.0425039 0.686109 1064 +0 0.920775 0.224529 0.0512566 0.0831638 0.429126 1065 +0 0.204946 0.236073 0.017897 0.0562093 0.620295 1066 +0 0.971471 0.508586 0.0176266 0.0438821 0.776624 1068 +0 0.238361 0.601569 0.0171727 0.0426078 0.58701 1073 +0 0.771536 0.303201 0.0114199 0.0297068 0.345565 1085 +0 0.228329 0.136599 0.0735567 0.115194 0.738634 1087 +0 0.400153 0.839304 0.0192463 0.0534722 0.603945 1116 +0 0.171814 0.22053 0.0206657 0.0578934 0.656945 1119 +0 0.677526 0.0784276 0.0250901 0.0588046 0.588306 1122 +0 0.456288 0.0225424 0.0425594 0.0450847 0.617441 480 +0 0.889202 0.913504 0.0278572 0.0559092 0.373312 47 +0 0.639213 0.622991 0.0210059 0.0515603 0.71888 1138 +0 0.494939 0.0487963 0.0154327 0.0439778 0.64879 1143 +0 0.681087 0.143841 0.0137352 0.0292914 0.665267 1144 +0 0.390611 0.350047 0.0133096 0.024834 0.493858 1151 +0 0.742889 0.0603466 0.0231656 0.0619795 0.577471 1153 +0 0.327098 0.377578 0.0156489 0.0352869 0.614849 887 +0 0.615336 0.7158 0.035036 0.0791489 0.605145 451 +0 0.425838 0.736228 0.0139304 0.042857 0.427319 832 +0 0.0561452 0.454075 0.0181826 0.0540736 0.684605 1159 +0 0.639716 0.0348977 0.0173507 0.0445719 0.709834 1161 +0 0.572514 0.387661 0.0138205 0.0423825 0.713546 706 +0 0.87258 0.799344 0.0167818 0.031043 0.437333 1178 +0 0.616367 0.094831 0.0243847 0.0562527 0.355705 1186 +0 0.520709 0.686876 0.0590373 0.106255 0.417705 27 +0 0.317692 0.0602188 0.097583 0.102355 0.811904 1195 +0 0.677928 0.0232563 0.0157017 0.0357504 0.73138 1198 +0 0.705334 0.0237478 0.0166275 0.0401871 0.69403 1199 +0 0.263129 0.309108 0.0146631 0.0357173 0.474398 1200 +0 0.192394 0.189186 0.0119881 0.0316992 0.589006 1202 +0 0.141029 0.21136 0.0163386 0.0476722 0.565903 1203 +0 0.762754 0.329482 0.0117593 0.0318038 0.603324 1204 +0 0.891906 0.146785 0.0125626 0.0354837 0.654426 1205 +0 0.475863 0.507596 0.0231845 0.0385625 0.344296 1207 +0 0.320045 0.269721 0.0149701 0.0338484 0.493414 830 +0 0.167221 0.561339 0.0110917 0.0326824 0.304789 1025 +0 0.808077 0.620582 0.0117544 0.0262557 0.3289 999 +0 0.318434 0.572829 0.0124364 0.0387621 0.489491 744 +0 0.691915 0.723542 0.0179506 0.042267 0.724696 948 +0 0.697322 0.366727 0.0103866 0.0330151 0.418117 1132 +0 0.717736 0.89164 0.121964 0.19156 0.382296 63 +0 0.341887 0.730111 0.0338725 0.0839502 0.550045 189 +0 0.74955 0.490257 0.0137041 0.0280995 0.369316 884 +0 0.386414 0.31186 0.0130161 0.0188016 0.466825 1174 +0 0.745001 0.761419 0.0230705 0.054723 0.722064 121 diff --git a/src/FlotationAnalytics/output_botsort/track35/labels/image34.txt b/src/FlotationAnalytics/output_botsort/track35/labels/image34.txt new file mode 100644 index 0000000..6874985 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track35/labels/image34.txt @@ -0,0 +1,170 @@ +0 0.585839 0.673014 0.0434374 0.0794324 0.318209 13 +0 0.84442 0.687517 0.0534821 0.0922673 0.5527 80 +0 0.618204 0.911704 0.0194808 0.0538182 0.516271 95 +0 0.367297 0.180066 0.0865758 0.159385 0.828216 102 +0 0.442232 0.237389 0.0728364 0.163685 0.679367 260 +0 0.615596 0.280433 0.0986885 0.165787 0.838579 274 +0 0.844278 0.606052 0.0201669 0.053226 0.519038 312 +0 0.331476 0.500555 0.110911 0.141821 0.758585 329 +0 0.577944 0.946742 0.0179366 0.0498225 0.756848 370 +0 0.439508 0.82682 0.0181022 0.0584032 0.437578 380 +0 0.701086 0.267873 0.0482362 0.0988209 0.408798 386 +0 0.492476 0.826182 0.044608 0.118621 0.435555 3 +0 0.661315 0.564888 0.0224668 0.0563193 0.423903 101 +0 0.560321 0.743954 0.0174356 0.047333 0.724058 448 +0 0.551281 0.871931 0.0177762 0.0507669 0.652658 455 +0 0.699083 0.548492 0.0211827 0.0494055 0.663837 456 +0 0.727701 0.716318 0.0226927 0.0623516 0.677507 92 +0 0.421315 0.440334 0.0256681 0.0555718 0.61859 514 +0 0.50895 0.409793 0.103523 0.16813 0.779353 31 +0 0.744003 0.552157 0.0507554 0.0789961 0.443861 269 +0 0.412766 0.636017 0.0727604 0.200093 0.308467 562 +0 0.544498 0.47956 0.0611078 0.110629 0.555051 563 +0 0.650978 0.744585 0.0179109 0.0556275 0.434633 582 +0 0.942764 0.667295 0.105457 0.161001 0.851205 594 +0 0.565127 0.531104 0.02125 0.054013 0.674822 225 +0 0.803609 0.503514 0.0209188 0.0583528 0.593812 272 +0 0.450007 0.750803 0.0183882 0.0545791 0.806996 600 +0 0.774005 0.49051 0.0173565 0.0419053 0.757091 601 +0 0.477961 0.6189 0.0202161 0.0473924 0.564269 603 +0 0.185918 0.426707 0.109349 0.208166 0.856723 604 +0 0.869716 0.521489 0.0162095 0.0381745 0.663246 620 +0 0.227399 0.682695 0.0233663 0.0607517 0.382639 624 +0 0.463191 0.329881 0.0702828 0.128508 0.752309 625 +0 0.463871 0.569495 0.0191789 0.0550953 0.65828 627 +0 0.408748 0.390811 0.0180283 0.0436926 0.575072 630 +0 0.52118 0.598196 0.0505447 0.111254 0.458333 14 +0 0.814036 0.398642 0.102355 0.128385 0.811959 249 +0 0.881371 0.564385 0.0190192 0.0496709 0.492738 656 +0 0.201581 0.75098 0.0179456 0.0625587 0.417144 673 +0 0.869515 0.61677 0.0157932 0.0384711 0.687355 674 +0 0.0687239 0.737898 0.0203027 0.0616221 0.675911 675 +0 0.488351 0.564916 0.0204276 0.0411518 0.645617 682 +0 0.342082 0.310516 0.0582995 0.103719 0.451844 692 +0 0.486996 0.704222 0.0401942 0.103138 0.409275 700 +0 0.795314 0.5903 0.0484502 0.0803844 0.54179 219 +0 0.366657 0.373431 0.0153747 0.0326023 0.589693 704 +0 0.275546 0.39508 0.0162215 0.0513897 0.665769 709 +0 0.553407 0.262418 0.0170254 0.039881 0.786223 710 +0 0.407224 0.338747 0.0181878 0.044188 0.589616 711 +0 0.346493 0.401561 0.0151902 0.0289054 0.538579 712 +0 0.299494 0.312057 0.0283212 0.0531545 0.514325 713 +0 0.21632 0.572323 0.0271427 0.0678088 0.542583 715 +0 0.496595 0.511582 0.0154351 0.0326153 0.584313 716 +0 0.521059 0.280236 0.0221969 0.0522412 0.694303 717 +0 0.704937 0.784076 0.0247653 0.0570203 0.558972 718 +0 0.187608 0.647875 0.0235168 0.0722682 0.539083 729 +0 0.364984 0.591354 0.0217713 0.0486265 0.541354 732 +0 0.86235 0.41965 0.0161143 0.0345741 0.685537 369 +0 0.328928 0.647556 0.074195 0.124174 0.486556 775 +0 0.911362 0.558645 0.0169093 0.0393671 0.699435 780 +0 0.42929 0.499196 0.0214558 0.0509312 0.46098 805 +0 0.63525 0.40443 0.0775901 0.123788 0.649604 806 +0 0.942791 0.394909 0.110009 0.239306 0.846147 811 +0 0.727264 0.476573 0.0383825 0.0734153 0.429602 302 +0 0.866477 0.766784 0.0406811 0.0702889 0.451869 467 +0 0.261069 0.584881 0.0179887 0.0489503 0.583388 327 +0 0.768832 0.636629 0.0139841 0.032526 0.661546 228 +0 0.744207 0.398278 0.0201513 0.0520506 0.614021 824 +0 0.598346 0.509466 0.01759 0.0381501 0.705022 827 +0 0.800882 0.267554 0.0327304 0.0696905 0.416198 828 +0 0.111902 0.61659 0.016968 0.0551045 0.690502 829 +0 0.274406 0.628125 0.0152987 0.0463008 0.318713 833 +0 0.665356 0.471276 0.0453243 0.0873517 0.533232 847 +0 0.25467 0.699137 0.0159905 0.0518004 0.513864 852 +0 0.84767 0.477194 0.0511443 0.080881 0.361081 861 +0 0.871105 0.271652 0.0380712 0.0685437 0.398789 865 +0 0.579679 0.5845 0.0235912 0.0570193 0.6265 867 +0 0.679635 0.641229 0.0447969 0.115409 0.565481 868 +0 0.559372 0.631076 0.0182276 0.043007 0.685453 869 +0 0.49834 0.226423 0.0187602 0.0458462 0.65339 870 +0 0.714157 0.186435 0.0145367 0.0383531 0.680661 871 +0 0.690604 0.18818 0.0188702 0.0452794 0.758694 873 +0 0.661498 0.320102 0.0169999 0.0452936 0.726013 874 +0 0.443059 0.178634 0.098576 0.196741 0.80259 875 +0 0.540812 0.207853 0.02634 0.0761983 0.584377 877 +0 0.830525 0.288415 0.0168018 0.0424228 0.565516 879 +0 0.720655 0.327754 0.0434587 0.080434 0.473453 886 +0 0.634603 0.54857 0.0171206 0.0419846 0.718551 888 +0 0.611325 0.542353 0.0203997 0.0392571 0.71258 901 +0 0.274726 0.282851 0.0204632 0.0497902 0.746691 902 +0 0.343744 0.276509 0.0151674 0.0429727 0.751285 907 +0 0.736761 0.229275 0.0153912 0.0376161 0.601737 909 +0 0.710661 0.407573 0.0173498 0.0260538 0.57217 917 +0 0.75648 0.600241 0.0142913 0.0363906 0.578693 648 +0 0.713887 0.440956 0.0159523 0.0251133 0.555504 943 +0 0.38101 0.402169 0.01626 0.0294791 0.623938 725 +0 0.506538 0.178887 0.0142885 0.0371604 0.74149 945 +0 0.956226 0.551286 0.0171856 0.0395206 0.636952 946 +0 0.684124 0.518006 0.0167706 0.0439425 0.745779 950 +0 0.652515 0.805044 0.0273016 0.0720166 0.49281 59 +0 0.509655 0.545263 0.0149909 0.0335993 0.686523 768 +0 0.242446 0.298097 0.0179193 0.0445306 0.754214 965 +0 0.55592 0.159856 0.0193649 0.0278415 0.646296 968 +0 0.886515 0.32279 0.0128578 0.0384014 0.476966 906 +0 0.272237 0.211026 0.0562316 0.092103 0.784142 988 +0 0.596452 0.158623 0.0315517 0.0750162 0.431376 994 +0 0.614857 0.592922 0.0223648 0.0495333 0.642054 1001 +0 0.734916 0.179613 0.015627 0.0307096 0.542216 1002 +0 0.339733 0.366473 0.0153057 0.0263438 0.421137 1008 +0 0.813726 0.12233 0.0959013 0.181013 0.796398 174 +0 0.102625 0.374064 0.0808255 0.204022 0.571879 1027 +0 0.853096 0.207473 0.0627628 0.0815154 0.697924 1032 +0 0.728243 0.132374 0.0433269 0.0649626 0.4365 1041 +0 0.513481 0.11294 0.025273 0.0693369 0.634588 1049 +0 0.623874 0.502917 0.0146651 0.0339106 0.602782 1053 +0 0.374198 0.344289 0.0146994 0.0225575 0.336615 1055 +0 0.17256 0.300538 0.0171215 0.0507445 0.76019 1056 +0 0.570771 0.221519 0.0159841 0.0444717 0.730835 1057 +0 0.828085 0.545567 0.0160836 0.0414249 0.752242 1064 +0 0.921817 0.228069 0.0530348 0.083863 0.535962 1065 +0 0.20389 0.253194 0.0172671 0.0548852 0.700477 1066 +0 0.969523 0.517387 0.0174033 0.0431398 0.715916 1068 +0 0.236745 0.627111 0.0166468 0.0415468 0.502978 1073 +0 0.227029 0.144478 0.0731139 0.124786 0.680486 1087 +0 0.171146 0.23784 0.0199948 0.0578529 0.707544 1119 +0 0.677832 0.0891318 0.0258938 0.0592377 0.522606 1122 +0 0.456128 0.0271552 0.0433229 0.0543104 0.566279 480 +0 0.889581 0.918008 0.025983 0.0538091 0.410142 47 +0 0.634799 0.641525 0.020541 0.052853 0.675459 1138 +0 0.494763 0.0603981 0.0154731 0.0427883 0.669068 1143 +0 0.680636 0.152341 0.0129932 0.0287451 0.618841 1144 +0 0.743191 0.060662 0.0251649 0.0704174 0.531768 1153 +0 0.325198 0.395171 0.0167209 0.0401423 0.590075 887 +0 0.611169 0.734846 0.034894 0.0851249 0.50125 451 +0 0.421203 0.760968 0.0148679 0.0446943 0.651276 832 +0 0.0540894 0.477192 0.0207826 0.0568642 0.732893 1159 +0 0.639874 0.0440255 0.0177911 0.0457951 0.696358 1161 +0 0.570906 0.40292 0.0140058 0.0425247 0.68645 706 +0 0.869112 0.808307 0.015222 0.0314639 0.447812 1178 +0 0.615403 0.106546 0.0246646 0.06441 0.414346 1186 +0 0.541646 0.685515 0.0275212 0.0542727 0.318401 27 +0 0.31818 0.0684887 0.0941715 0.116196 0.831766 1195 +0 0.678695 0.0310123 0.0170397 0.0419156 0.691607 1198 +0 0.705382 0.0300199 0.0164209 0.0448414 0.718846 1199 +0 0.259316 0.331364 0.0151026 0.0389715 0.700866 1200 +0 0.189908 0.207195 0.0141522 0.0334192 0.596316 1202 +0 0.13975 0.228552 0.0173306 0.0486782 0.685388 1203 +0 0.761507 0.338449 0.0125061 0.033552 0.577967 1204 +0 0.892067 0.151167 0.0126389 0.0358476 0.608021 1205 +0 0.318601 0.285927 0.0157952 0.0342455 0.450503 830 +0 0.31439 0.597583 0.0132684 0.040096 0.531392 744 +0 0.753308 0.660538 0.0207352 0.0567596 0.591628 1215 +0 0.542495 0.29755 0.0132952 0.0282736 0.53756 1220 +0 0.184717 0.167575 0.0160087 0.0434363 0.712275 1221 +0 0.0752616 0.565889 0.0472071 0.11867 0.467061 1222 +0 0.864974 0.134945 0.0168577 0.0329652 0.413459 1225 +0 0.407137 0.183375 0.0211599 0.0641721 0.447281 1226 +0 0.690182 0.742703 0.0196535 0.0487029 0.719743 948 +0 0.695489 0.379001 0.0106909 0.0326574 0.392208 1132 +0 0.717181 0.87982 0.0753032 0.122519 0.331575 63 +0 0.341731 0.747764 0.0212209 0.0653364 0.723623 189 +0 0.748244 0.498652 0.0126443 0.0278227 0.384363 884 +0 0.744916 0.777399 0.021003 0.0564473 0.696217 121 +0 0.576632 0.0636791 0.0679322 0.0961278 0.744899 93 +0 0.506214 0.98716 0.0170884 0.0254373 0.530123 454 +0 0.396998 0.910371 0.0161723 0.0428174 0.702977 910 +0 0.896767 0.526954 0.0125266 0.0302852 0.389611 1129 +0 0.372329 0.811112 0.0195433 0.0549692 0.553406 54 +0 0.399865 0.49295 0.0136942 0.0375631 0.381867 337 +0 0.718966 0.637087 0.0150729 0.0403386 0.736174 1045 diff --git a/src/FlotationAnalytics/output_botsort/track36/labels/image35.txt b/src/FlotationAnalytics/output_botsort/track36/labels/image35.txt new file mode 100644 index 0000000..7f248da --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track36/labels/image35.txt @@ -0,0 +1,166 @@ +0 0.841466 0.693892 0.0554872 0.0908939 0.668625 80 +0 0.344401 0.154499 0.0638009 0.144984 0.318738 102 +0 0.376766 0.187532 0.0938799 0.18976 0.804465 260 +0 0.613075 0.294819 0.0995252 0.169965 0.833969 274 +0 0.842267 0.614417 0.0199286 0.0529785 0.539314 312 +0 0.329861 0.520546 0.105641 0.148917 0.799066 329 +0 0.698836 0.280837 0.0495023 0.110669 0.473509 386 +0 0.488872 0.830896 0.0260411 0.0785579 0.639004 3 +0 0.658504 0.576875 0.0222517 0.0592889 0.415825 101 +0 0.555344 0.765896 0.0167954 0.0472756 0.706356 448 +0 0.696289 0.560935 0.0210846 0.0501882 0.64431 456 +0 0.724966 0.737216 0.01944 0.0575489 0.724106 92 +0 0.418475 0.457289 0.0245303 0.057425 0.613828 514 +0 0.506117 0.427749 0.1048 0.169604 0.78789 31 +0 0.742113 0.565095 0.0510416 0.0798769 0.466686 269 +0 0.418778 0.624582 0.0547139 0.141989 0.328504 562 +0 0.541511 0.497061 0.0614596 0.112011 0.505779 563 +0 0.648131 0.770425 0.0184792 0.0527822 0.733797 582 +0 0.941525 0.677293 0.106558 0.164282 0.839052 594 +0 0.563379 0.5496 0.0217327 0.0559801 0.654286 225 +0 0.801345 0.513882 0.0211543 0.0581948 0.619667 272 +0 0.443669 0.775396 0.0190881 0.0583013 0.753987 600 +0 0.771683 0.500924 0.0173583 0.0421956 0.744599 601 +0 0.47516 0.638124 0.0181992 0.0473069 0.587314 603 +0 0.185747 0.442544 0.106255 0.20591 0.816583 604 +0 0.867755 0.531318 0.0165766 0.0364392 0.700928 620 +0 0.226188 0.710275 0.0252604 0.0636493 0.590683 624 +0 0.462987 0.342412 0.0700449 0.126357 0.759459 625 +0 0.460696 0.589704 0.0178011 0.0465957 0.430946 627 +0 0.406398 0.408513 0.0188466 0.0448621 0.58813 630 +0 0.51891 0.616708 0.0486583 0.10929 0.537288 14 +0 0.809506 0.406447 0.102113 0.127256 0.827164 249 +0 0.879347 0.574819 0.020015 0.0497536 0.394387 656 +0 0.866798 0.625459 0.0158604 0.0369203 0.732667 674 +0 0.484936 0.582818 0.0195198 0.0451721 0.523095 682 +0 0.339546 0.326908 0.0600907 0.105012 0.476407 692 +0 0.478933 0.725555 0.0413502 0.10426 0.331594 700 +0 0.792337 0.600195 0.0490865 0.082267 0.681445 219 +0 0.365514 0.391689 0.0160192 0.0299268 0.648605 704 +0 0.2746 0.412081 0.0168415 0.05151 0.716695 709 +0 0.55262 0.272827 0.01702 0.0405576 0.675911 710 +0 0.404887 0.356302 0.0187818 0.0424794 0.515171 711 +0 0.34408 0.418261 0.0154377 0.0287615 0.541227 712 +0 0.297645 0.3289 0.026918 0.0491491 0.394173 713 +0 0.217809 0.596054 0.0276414 0.0650243 0.540752 715 +0 0.493138 0.531036 0.0158846 0.0334844 0.630553 716 +0 0.521767 0.292591 0.0216216 0.0541685 0.672791 717 +0 0.702015 0.803756 0.0224196 0.0566699 0.668385 718 +0 0.183022 0.686452 0.0244888 0.0796393 0.376374 729 +0 0.360317 0.615516 0.0242863 0.0548096 0.519438 732 +0 0.860441 0.428502 0.0166301 0.034629 0.602661 369 +0 0.324174 0.676666 0.0687898 0.135621 0.622628 775 +0 0.909479 0.567511 0.0166956 0.0397437 0.702498 780 +0 0.426294 0.517726 0.021035 0.05132 0.473132 805 +0 0.634206 0.419246 0.0816256 0.125967 0.65459 806 +0 0.940303 0.403675 0.109549 0.246704 0.852064 811 +0 0.724108 0.488193 0.0420829 0.0801696 0.487184 302 +0 0.862802 0.775131 0.0354887 0.0626205 0.658007 467 +0 0.259479 0.607929 0.0174955 0.0475817 0.63434 327 +0 0.741738 0.408665 0.0197457 0.0502051 0.646026 824 +0 0.594974 0.52348 0.018016 0.0386064 0.775628 827 +0 0.795885 0.279786 0.0406395 0.0788279 0.456708 828 +0 0.105034 0.660652 0.0122435 0.0366318 0.426882 829 +0 0.272926 0.652756 0.0154187 0.0465531 0.340148 833 +0 0.662105 0.485626 0.0452268 0.0912745 0.546397 847 +0 0.846333 0.489219 0.0485236 0.0843282 0.401428 861 +0 0.870427 0.282083 0.0392309 0.0710901 0.399536 865 +0 0.574904 0.604981 0.0208148 0.0568093 0.683466 867 +0 0.672711 0.662729 0.0533286 0.131074 0.618404 868 +0 0.556692 0.652122 0.0175843 0.0427919 0.7458 869 +0 0.497158 0.240477 0.0186587 0.0481615 0.783646 870 +0 0.713107 0.194388 0.0141689 0.0385331 0.577223 871 +0 0.689204 0.19754 0.0188043 0.0442501 0.758456 873 +0 0.660172 0.331764 0.0166622 0.0449129 0.699176 874 +0 0.441169 0.194207 0.098091 0.196661 0.782558 875 +0 0.540111 0.217058 0.025714 0.0738723 0.621655 877 +0 0.828767 0.296365 0.0171219 0.0426439 0.665047 879 +0 0.719312 0.337492 0.0438678 0.0822389 0.538137 886 +0 0.631047 0.5626 0.0165327 0.0428095 0.662154 888 +0 0.607054 0.558692 0.020868 0.0400922 0.715321 901 +0 0.273855 0.297585 0.0218288 0.0518161 0.668372 902 +0 0.73572 0.237209 0.0156179 0.0375643 0.699701 909 +0 0.707862 0.419221 0.0163463 0.0243375 0.551271 917 +0 0.753834 0.611324 0.0141617 0.0378114 0.67664 648 +0 0.711251 0.452357 0.0162174 0.02639 0.513706 943 +0 0.379078 0.420289 0.0154957 0.0287182 0.643262 725 +0 0.504642 0.191198 0.0147184 0.037178 0.717232 945 +0 0.953287 0.560781 0.0165165 0.0400734 0.591188 946 +0 0.681416 0.531618 0.0173869 0.043245 0.7159 950 +0 0.652822 0.831467 0.0264847 0.0658118 0.409286 59 +0 0.506451 0.565217 0.0140149 0.033455 0.515729 768 +0 0.239177 0.314157 0.0192646 0.0467797 0.643748 965 +0 0.555359 0.170226 0.0191039 0.0284534 0.537041 968 +0 0.881081 0.335267 0.0136226 0.0386889 0.60663 906 +0 0.27143 0.223672 0.056264 0.0934378 0.751498 988 +0 0.595887 0.169417 0.0291521 0.0741204 0.448899 994 +0 0.612735 0.609511 0.02246 0.0519255 0.569957 1001 +0 0.733986 0.188854 0.0143835 0.0316565 0.617958 1002 +0 0.337553 0.386509 0.0183041 0.0332848 0.41225 1008 +0 0.813074 0.13089 0.0990469 0.186081 0.808064 174 +0 0.101181 0.389241 0.0822389 0.20767 0.483072 1027 +0 0.852132 0.211561 0.0627718 0.0873897 0.717866 1032 +0 0.727205 0.140941 0.0429476 0.0647136 0.517437 1041 +0 0.511779 0.125804 0.0266737 0.070458 0.633342 1049 +0 0.620641 0.518417 0.0143933 0.0339629 0.698786 1053 +0 0.372334 0.359264 0.0145746 0.0254061 0.56543 1055 +0 0.17142 0.315743 0.0166194 0.0495669 0.705578 1056 +0 0.570077 0.231993 0.0161029 0.0439061 0.740694 1057 +0 0.826054 0.554439 0.0154372 0.0416685 0.687079 1064 +0 0.921643 0.23211 0.055532 0.0834053 0.551406 1065 +0 0.203099 0.268155 0.0171691 0.0535361 0.69479 1066 +0 0.967004 0.524915 0.0170934 0.0418465 0.660343 1068 +0 0.235042 0.655031 0.0141657 0.0372064 0.342994 1073 +0 0.224173 0.152298 0.0697404 0.128315 0.723354 1087 +0 0.169613 0.253538 0.0194576 0.0558029 0.722816 1119 +0 0.676023 0.100519 0.0294371 0.0657439 0.532583 1122 +0 0.452987 0.0360467 0.0460372 0.0720934 0.53194 480 +0 0.887579 0.924156 0.023395 0.0533103 0.411192 47 +0 0.632152 0.659343 0.0195174 0.0517348 0.725816 1138 +0 0.492399 0.073197 0.0154875 0.0425859 0.636879 1143 +0 0.679937 0.162265 0.0134853 0.0286582 0.575153 1144 +0 0.743799 0.0632262 0.0242976 0.0765272 0.519831 1153 +0 0.323327 0.410376 0.016278 0.0418876 0.490519 887 +0 0.607487 0.759103 0.0395936 0.0889429 0.429175 451 +0 0.416305 0.78331 0.0145031 0.0472478 0.604787 832 +0 0.63895 0.0533354 0.018429 0.0476048 0.733077 1161 +0 0.568264 0.418728 0.014497 0.043724 0.693473 706 +0 0.613614 0.116357 0.0256938 0.0628966 0.391213 1186 +0 0.530881 0.706255 0.0258802 0.066405 0.449286 27 +0 0.317636 0.0728992 0.0938107 0.132915 0.849768 1195 +0 0.678607 0.040163 0.0178407 0.0432525 0.719963 1198 +0 0.704304 0.039729 0.0160223 0.0458594 0.648274 1199 +0 0.257303 0.349774 0.0159654 0.0411727 0.687571 1200 +0 0.188445 0.221487 0.0149536 0.0365254 0.593686 1202 +0 0.138486 0.243522 0.0185074 0.0530681 0.703594 1203 +0 0.759654 0.346086 0.0134034 0.0360325 0.711526 1204 +0 0.892302 0.154767 0.0127775 0.0360533 0.693533 1205 +0 0.317521 0.300227 0.016568 0.0344119 0.403233 830 +0 0.31026 0.62449 0.0127406 0.0419615 0.461982 744 +0 0.751978 0.680452 0.0313112 0.0719045 0.380577 1215 +0 0.542065 0.310204 0.0123074 0.0290167 0.4312 1220 +0 0.181771 0.181965 0.0167546 0.0474265 0.569641 1221 +0 0.497653 0.0759962 0.0155753 0.0391819 0.754036 1225 +0 0.404921 0.195517 0.0190755 0.0582573 0.441654 1226 +0 0.687338 0.760001 0.0199579 0.0463658 0.769476 948 +0 0.693229 0.389945 0.00998451 0.0314513 0.437375 1132 +0 0.713897 0.886552 0.0459509 0.0874877 0.4644 63 +0 0.338426 0.776494 0.0176564 0.0602664 0.478639 189 +0 0.745854 0.509596 0.0125122 0.0280175 0.510541 884 +0 0.738331 0.799814 0.019602 0.0538493 0.68054 121 +0 0.705174 0.703168 0.0133816 0.0363594 0.742736 1234 +0 0.995737 0.56563 0.00852577 0.0461956 0.479829 1239 +0 0.440806 0.437988 0.0117374 0.0355492 0.455076 1245 +0 0.541278 0.0253414 0.0585731 0.0457353 0.600891 1247 +0 0.574356 0.0538661 0.0694781 0.0991295 0.780083 93 +0 0.894798 0.535014 0.0129625 0.0321401 0.500399 1129 +0 0.365238 0.828988 0.0211566 0.0542074 0.668851 54 +0 0.397685 0.509611 0.0141439 0.03873 0.499391 337 +0 0.716161 0.660826 0.0152053 0.0384893 0.689309 1045 +0 0.942232 0.830103 0.027962 0.0412441 0.318623 185 +0 0.783317 0.709937 0.0153263 0.042985 0.536054 60 +0 0.132341 0.688228 0.0173521 0.0476728 0.607521 670 +0 0.248185 0.745546 0.0159647 0.047636 0.499935 733 +0 0.210782 0.663372 0.0143448 0.0372326 0.603596 1040 +0 0.385639 0.385963 0.0119145 0.0234913 0.538661 1151 +0 0.471167 0.546617 0.020632 0.0368248 0.353923 1207 diff --git a/src/FlotationAnalytics/output_botsort/track37/labels/image36.txt b/src/FlotationAnalytics/output_botsort/track37/labels/image36.txt new file mode 100644 index 0000000..85aa64a --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track37/labels/image36.txt @@ -0,0 +1,169 @@ +0 0.838885 0.697958 0.0527683 0.0954042 0.621401 80 +0 0.347198 0.174477 0.102495 0.198361 0.830285 260 +0 0.609093 0.307096 0.103164 0.169694 0.845574 274 +0 0.840111 0.623444 0.0191478 0.0507093 0.554675 312 +0 0.327685 0.544717 0.101302 0.156298 0.763961 329 +0 0.697801 0.300469 0.0511268 0.129948 0.517601 386 +0 0.489382 0.855285 0.022522 0.0701759 0.415678 3 +0 0.65551 0.592288 0.021422 0.05757 0.468663 101 +0 0.551976 0.790082 0.0168199 0.0486513 0.714788 448 +0 0.693508 0.574938 0.0208543 0.0498723 0.63656 456 +0 0.720047 0.756106 0.0179624 0.0528732 0.691713 92 +0 0.41534 0.476802 0.0243185 0.0547015 0.626801 514 +0 0.502964 0.444681 0.106205 0.178202 0.791873 31 +0 0.739701 0.578199 0.0488591 0.0762374 0.492024 269 +0 0.415833 0.642341 0.0531641 0.139347 0.360827 562 +0 0.537265 0.517667 0.0607908 0.113731 0.486761 563 +0 0.641745 0.801105 0.0166403 0.0556522 0.543461 582 +0 0.939615 0.685273 0.112366 0.164328 0.834978 594 +0 0.560889 0.569795 0.0210778 0.0556301 0.600796 225 +0 0.799246 0.524372 0.0223025 0.0584268 0.608021 272 +0 0.437968 0.798692 0.0165888 0.0509296 0.474203 600 +0 0.768395 0.512444 0.0172491 0.0417614 0.721075 601 +0 0.472302 0.660886 0.0157382 0.0467537 0.565374 603 +0 0.187632 0.455301 0.101937 0.201984 0.822203 604 +0 0.865838 0.540456 0.0163834 0.0378628 0.638448 620 +0 0.224431 0.748767 0.0295264 0.0760715 0.565711 624 +0 0.46165 0.3595 0.07096 0.129063 0.698054 625 +0 0.455389 0.613383 0.0146875 0.0425266 0.366354 627 +0 0.404122 0.426298 0.0192075 0.0463126 0.544945 630 +0 0.514459 0.638485 0.0513166 0.112672 0.408867 14 +0 0.807334 0.418951 0.0990479 0.12898 0.816544 249 +0 0.877814 0.583759 0.0184831 0.0494974 0.49435 656 +0 0.864623 0.634438 0.0157566 0.037614 0.662572 674 +0 0.480552 0.605611 0.0188803 0.0481307 0.629305 682 +0 0.338452 0.345427 0.060705 0.104896 0.611304 692 +0 0.475552 0.735885 0.0297877 0.0802079 0.533557 700 +0 0.78964 0.612649 0.0486358 0.0850174 0.640662 219 +0 0.36402 0.408479 0.0188761 0.0299384 0.560656 704 +0 0.273599 0.429189 0.0182816 0.0526018 0.702148 709 +0 0.550457 0.283394 0.0181012 0.0436676 0.743578 710 +0 0.40307 0.373432 0.019123 0.0447595 0.535118 711 +0 0.33997 0.435284 0.019791 0.0306616 0.545315 712 +0 0.295017 0.345617 0.0249636 0.0486349 0.304763 713 +0 0.219191 0.620927 0.0249291 0.065125 0.510403 715 +0 0.488432 0.556642 0.0149652 0.0336001 0.327302 716 +0 0.520851 0.308195 0.0224545 0.0563364 0.707242 717 +0 0.699381 0.826066 0.0205122 0.053202 0.68015 718 +0 0.352833 0.64449 0.0205823 0.0521106 0.342635 732 +0 0.858303 0.437761 0.0159887 0.0332925 0.626466 369 +0 0.335483 0.704603 0.099857 0.152313 0.585385 775 +0 0.906857 0.576171 0.0160551 0.0393604 0.679001 780 +0 0.422321 0.538517 0.0227972 0.0539998 0.458433 805 +0 0.63108 0.4304 0.0853914 0.127132 0.675265 806 +0 0.938145 0.409725 0.111361 0.257157 0.855784 811 +0 0.721134 0.501637 0.0428931 0.0829605 0.462763 302 +0 0.861997 0.787546 0.0335265 0.0623503 0.611604 467 +0 0.257351 0.633999 0.0178276 0.0458628 0.62699 327 +0 0.738373 0.419969 0.0202866 0.052724 0.652744 824 +0 0.591304 0.537287 0.0181829 0.0371466 0.724604 827 +0 0.795666 0.285007 0.0400033 0.0759903 0.39217 828 +0 0.26973 0.677639 0.0144942 0.0444106 0.409827 833 +0 0.658662 0.500584 0.046758 0.0979447 0.445136 847 +0 0.843181 0.497889 0.0491645 0.0885492 0.426986 861 +0 0.868122 0.289531 0.0426074 0.0704214 0.421698 865 +0 0.5715 0.626933 0.0191754 0.0563817 0.668162 867 +0 0.66974 0.683646 0.0550426 0.144788 0.416426 868 +0 0.555151 0.674941 0.0173381 0.044677 0.701009 869 +0 0.495243 0.257138 0.0191088 0.0504115 0.781889 870 +0 0.711704 0.203183 0.013591 0.0374775 0.527678 871 +0 0.687648 0.207144 0.0188113 0.044866 0.729588 873 +0 0.65884 0.343955 0.0162656 0.0442503 0.688654 874 +0 0.438243 0.209407 0.0979786 0.198373 0.801938 875 +0 0.538854 0.226335 0.0255462 0.0682073 0.491597 877 +0 0.827075 0.303398 0.017319 0.0460443 0.629739 879 +0 0.719254 0.349751 0.0414495 0.0801235 0.533784 886 +0 0.627811 0.578429 0.016244 0.0417531 0.764778 888 +0 0.602471 0.575993 0.0211697 0.0438311 0.791291 901 +0 0.271085 0.313731 0.0228299 0.0526315 0.614563 902 +0 0.735083 0.245482 0.0160133 0.037821 0.627959 909 +0 0.704809 0.432914 0.01519 0.0237262 0.523125 917 +0 0.751555 0.624008 0.0139046 0.0371747 0.614896 648 +0 0.707965 0.465784 0.016572 0.0266078 0.594826 943 +0 0.376933 0.436852 0.0162466 0.0317767 0.70042 725 +0 0.50203 0.205474 0.0143275 0.0366889 0.354815 945 +0 0.95094 0.569157 0.0169042 0.0405489 0.62119 946 +0 0.6782 0.545342 0.0184456 0.0440345 0.661327 950 +0 0.659472 0.816624 0.0214108 0.0584497 0.639421 59 +0 0.502588 0.589607 0.0139115 0.0372124 0.532872 768 +0 0.234801 0.334737 0.0196682 0.0438658 0.659399 965 +0 0.553174 0.180835 0.0203984 0.0304024 0.563284 968 +0 0.877517 0.345119 0.0140104 0.0396564 0.6179 906 +0 0.270088 0.238817 0.0559651 0.0931032 0.7353 988 +0 0.594192 0.1803 0.030449 0.0739265 0.401556 994 +0 0.61113 0.626908 0.0231089 0.0534782 0.548226 1001 +0 0.732514 0.197963 0.0144922 0.0320191 0.55792 1002 +0 0.335383 0.402978 0.0171372 0.0274392 0.376572 1008 +0 0.812875 0.136623 0.103745 0.197844 0.812542 174 +0 0.0987826 0.405281 0.0795789 0.169836 0.608119 1027 +0 0.850092 0.214809 0.0643546 0.0950744 0.624998 1032 +0 0.724713 0.147056 0.0439452 0.0723746 0.439644 1041 +0 0.509445 0.140455 0.0298209 0.0726392 0.556359 1049 +0 0.617265 0.535125 0.0152055 0.036137 0.724636 1053 +0 0.370513 0.377051 0.0136483 0.0244873 0.475669 1055 +0 0.169182 0.332268 0.0167966 0.0482331 0.704558 1056 +0 0.568486 0.242505 0.017209 0.0446725 0.691954 1057 +0 0.82378 0.564078 0.0158062 0.0413579 0.720235 1064 +0 0.920856 0.234493 0.0568908 0.0809641 0.482242 1065 +0 0.201201 0.28454 0.0192616 0.0545104 0.565937 1066 +0 0.964728 0.532661 0.017372 0.0433584 0.554604 1068 +0 0.233055 0.676155 0.0142809 0.0347968 0.586496 1073 +0 0.221732 0.162049 0.0652049 0.14302 0.716375 1087 +0 0.167203 0.269721 0.0178961 0.0535313 0.648682 1119 +0 0.674975 0.11094 0.0317282 0.0643567 0.568009 1122 +0 0.449343 0.0446221 0.0449212 0.0823069 0.514728 480 +0 0.885434 0.931952 0.0262433 0.0539209 0.40236 47 +0 0.63093 0.675803 0.0191713 0.0519391 0.715757 1138 +0 0.488104 0.089386 0.0176101 0.0458133 0.682774 1143 +0 0.678588 0.171814 0.0135279 0.0284061 0.687752 1144 +0 0.744285 0.0659429 0.0233559 0.0728328 0.572944 1153 +0 0.601625 0.788057 0.0363444 0.0882135 0.453962 451 +0 0.637608 0.063372 0.0184246 0.0476162 0.755543 1161 +0 0.611193 0.127677 0.026867 0.065591 0.434815 1186 +0 0.526342 0.727907 0.0238106 0.0638105 0.481544 27 +0 0.315738 0.0808617 0.0956378 0.146621 0.824441 1195 +0 0.67791 0.0485266 0.0185783 0.045474 0.69527 1198 +0 0.703539 0.0484297 0.0157102 0.0454435 0.636316 1199 +0 0.255353 0.366177 0.0164258 0.0417276 0.651904 1200 +0 0.185989 0.236774 0.0153759 0.0367464 0.581449 1202 +0 0.136013 0.259684 0.018808 0.0576507 0.676083 1203 +0 0.758072 0.355295 0.014337 0.0386046 0.718271 1204 +0 0.891795 0.158732 0.0133952 0.0381709 0.725293 1205 +0 0.315879 0.316043 0.0162027 0.0351547 0.463739 830 +0 0.74906 0.695883 0.0304744 0.0679332 0.487 1215 +0 0.179084 0.194182 0.0174994 0.0562095 0.529059 1221 +0 0.402391 0.211435 0.0192749 0.0599661 0.411732 1226 +0 0.685776 0.77975 0.0181598 0.0463129 0.685214 948 +0 0.690995 0.40212 0.00995789 0.0309583 0.320124 1132 +0 0.716233 0.890429 0.0264675 0.0678805 0.650301 63 +0 0.743409 0.522563 0.0134863 0.028344 0.619359 884 +0 0.733264 0.824496 0.0185659 0.0479743 0.702899 121 +0 0.995302 0.579394 0.00939529 0.0490233 0.463118 1239 +0 0.438288 0.456483 0.0122816 0.0337256 0.449291 1245 +0 0.540454 0.0328245 0.0548409 0.056321 0.702477 1247 +0 0.571948 0.0590254 0.0699771 0.0989131 0.737847 93 +0 0.89259 0.543999 0.0131499 0.0316235 0.359866 1129 +0 0.394513 0.529601 0.013522 0.0393333 0.459325 337 +0 0.712372 0.682101 0.0161582 0.0389054 0.633309 1045 +0 0.772031 0.0494285 0.0162376 0.0382901 0.709347 1254 +0 0.267651 0.0520355 0.0186225 0.0489912 0.672413 1255 +0 0.582393 0.496904 0.0146221 0.034834 0.651234 1256 +0 0.66368 0.0229404 0.0135714 0.0332611 0.560569 1258 +0 0.398413 0.0446051 0.0154063 0.0430789 0.48638 1264 +0 0.266709 0.162708 0.0121958 0.03939 0.531436 1266 +0 0.422059 0.0210015 0.0176432 0.0364839 0.666829 1267 +0 0.780673 0.697693 0.0166877 0.0435027 0.779673 60 +0 0.127613 0.681436 0.0164755 0.0475699 0.528765 670 +0 0.629661 0.7509 0.0148811 0.0421012 0.759091 733 +0 0.213491 0.693938 0.0157255 0.0409158 0.767846 1040 +0 0.146353 0.588174 0.0128475 0.0368021 0.66155 778 +0 0.170966 0.761661 0.0201523 0.0772612 0.552834 819 +0 0.513375 0.781372 0.0130487 0.0316964 0.349807 1059 +0 0.378976 0.852812 0.0182011 0.0577932 0.709028 477 +0 0.126504 0.737805 0.0217158 0.0605262 0.501958 687 +0 0.869811 0.743627 0.0129342 0.0285743 0.333377 983 +0 0.160783 0.621101 0.0119271 0.034416 0.403949 1025 +0 0.580746 0.712561 0.0394809 0.0903271 0.383422 13 +0 0.429928 0.861013 0.0152333 0.0450032 0.572752 380 +0 0.854519 0.838621 0.0154991 0.0338779 0.416739 1178 +0 0.055603 0.625886 0.0245167 0.0694436 0.489622 1222 diff --git a/src/FlotationAnalytics/output_botsort/track38/labels/image37.txt b/src/FlotationAnalytics/output_botsort/track38/labels/image37.txt new file mode 100644 index 0000000..e1fd023 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track38/labels/image37.txt @@ -0,0 +1,172 @@ +0 0.83848 0.710132 0.0517424 0.100087 0.674497 80 +0 0.333888 0.180098 0.106947 0.206874 0.701536 260 +0 0.605753 0.319671 0.104202 0.169442 0.859463 274 +0 0.839154 0.635537 0.0176324 0.0511466 0.39991 312 +0 0.324065 0.568477 0.0998397 0.171072 0.776744 329 +0 0.696005 0.312604 0.0497616 0.132603 0.544236 386 +0 0.65238 0.607311 0.0215144 0.0612788 0.37464 101 +0 0.690546 0.591178 0.0201974 0.049974 0.676962 456 +0 0.713602 0.773839 0.0181397 0.0486301 0.648761 92 +0 0.411832 0.497848 0.0253075 0.0558331 0.612227 514 +0 0.498342 0.469995 0.101645 0.183373 0.801191 31 +0 0.735661 0.593505 0.0497525 0.0824767 0.373873 269 +0 0.531888 0.540863 0.0602498 0.116328 0.539629 563 +0 0.939126 0.696832 0.110528 0.16856 0.837944 594 +0 0.557883 0.592019 0.0214596 0.0552448 0.700681 225 +0 0.796008 0.535885 0.0228786 0.0587816 0.472245 272 +0 0.765037 0.526265 0.0165145 0.0416099 0.697265 601 +0 0.466951 0.689457 0.0159647 0.0462278 0.612762 603 +0 0.187643 0.471031 0.100782 0.208542 0.797921 604 +0 0.863839 0.549736 0.0159201 0.0366485 0.700934 620 +0 0.216701 0.797191 0.0252434 0.0854591 0.453578 624 +0 0.4614 0.379168 0.066614 0.124422 0.624387 625 +0 0.400897 0.445856 0.019061 0.0463349 0.487483 630 +0 0.510888 0.667799 0.0521412 0.111823 0.498538 14 +0 0.803392 0.431274 0.100062 0.132568 0.834668 249 +0 0.876888 0.592349 0.0182975 0.0489573 0.437382 656 +0 0.863472 0.645143 0.0150379 0.0384644 0.64572 674 +0 0.474823 0.633296 0.0191093 0.048812 0.572397 682 +0 0.336774 0.362857 0.0592156 0.099957 0.537905 692 +0 0.470501 0.76216 0.0251535 0.0753927 0.609163 700 +0 0.787195 0.625149 0.0499097 0.0883053 0.559028 219 +0 0.360667 0.428269 0.0165696 0.0306044 0.53007 704 +0 0.274304 0.446241 0.0191167 0.0507296 0.703 709 +0 0.547101 0.297607 0.018559 0.043356 0.748159 710 +0 0.400744 0.395169 0.0200357 0.041234 0.639646 711 +0 0.335631 0.446432 0.0192638 0.0454927 0.633234 712 +0 0.29127 0.362507 0.0228345 0.0492746 0.386998 713 +0 0.216758 0.642404 0.0374472 0.0839451 0.466888 715 +0 0.482712 0.584802 0.0144444 0.0348086 0.482832 716 +0 0.518672 0.325123 0.0220027 0.0581703 0.680875 717 +0 0.696692 0.846259 0.0225639 0.0539465 0.660434 718 +0 0.855754 0.447797 0.0163995 0.0334872 0.588722 369 +0 0.338646 0.737499 0.120425 0.158251 0.595729 775 +0 0.90493 0.585809 0.0166348 0.0405984 0.68057 780 +0 0.416235 0.561532 0.0224522 0.0554245 0.481977 805 +0 0.626917 0.444233 0.0886665 0.123487 0.744273 806 +0 0.936653 0.414833 0.113347 0.268268 0.848365 811 +0 0.717552 0.517727 0.0415399 0.0864905 0.447324 302 +0 0.860239 0.802073 0.0343458 0.06063 0.596563 467 +0 0.25419 0.664276 0.015332 0.0400051 0.435201 327 +0 0.735329 0.433919 0.0205878 0.0549166 0.639932 824 +0 0.587528 0.552773 0.0173786 0.0383929 0.757234 827 +0 0.795578 0.292286 0.0393333 0.0756973 0.355975 828 +0 0.265824 0.707066 0.0153575 0.046648 0.587379 833 +0 0.655492 0.518251 0.0487447 0.102627 0.494649 847 +0 0.840036 0.50857 0.0498117 0.0914777 0.540015 861 +0 0.871113 0.294656 0.0332035 0.0695611 0.383267 865 +0 0.566683 0.649559 0.0202594 0.060739 0.641964 867 +0 0.670331 0.681825 0.0371256 0.10322 0.513545 868 +0 0.553325 0.702837 0.0154123 0.0467643 0.440561 869 +0 0.492968 0.275583 0.01907 0.0495029 0.723684 870 +0 0.710138 0.21397 0.0127215 0.0346569 0.466333 871 +0 0.685608 0.219169 0.0189223 0.0445853 0.747961 873 +0 0.657818 0.356698 0.0172655 0.0461632 0.757862 874 +0 0.435988 0.225006 0.0927206 0.195711 0.794049 875 +0 0.536681 0.234346 0.0253847 0.0637806 0.535045 877 +0 0.825217 0.312891 0.0182252 0.046866 0.6466 879 +0 0.716977 0.360703 0.0425211 0.0831951 0.516033 886 +0 0.623108 0.595763 0.0164148 0.042712 0.468885 888 +0 0.596708 0.594359 0.0213858 0.0466515 0.720344 901 +0 0.267043 0.33113 0.0203501 0.0508455 0.651924 902 +0 0.733953 0.255364 0.0161603 0.0381255 0.644525 909 +0 0.701931 0.446924 0.0165211 0.0250657 0.306714 917 +0 0.748636 0.638364 0.0136664 0.0370324 0.59696 648 +0 0.704694 0.480121 0.0172521 0.026257 0.613143 943 +0 0.373558 0.456342 0.0171827 0.0357172 0.691439 725 +0 0.49752 0.223528 0.0142519 0.0379613 0.636329 945 +0 0.948688 0.577257 0.0170162 0.0436031 0.503359 946 +0 0.674613 0.56096 0.0183623 0.0436639 0.689458 950 +0 0.6532 0.825893 0.0238256 0.0525014 0.72139 59 +0 0.497132 0.61579 0.0145918 0.0391011 0.62689 768 +0 0.233586 0.351651 0.018243 0.0434493 0.648505 965 +0 0.551174 0.191483 0.0198053 0.0323823 0.624553 968 +0 0.874759 0.355005 0.0144624 0.0402598 0.706967 906 +0 0.267622 0.253308 0.0557011 0.0951716 0.720911 988 +0 0.592279 0.191572 0.0309473 0.0748719 0.392991 994 +0 0.608915 0.644628 0.0214688 0.0531212 0.519564 1001 +0 0.730751 0.208175 0.0135329 0.0298235 0.493386 1002 +0 0.812465 0.143321 0.109616 0.200417 0.829053 174 +0 0.0980479 0.419659 0.0814473 0.171334 0.67781 1027 +0 0.848218 0.21998 0.0666165 0.0986255 0.662124 1032 +0 0.722663 0.162555 0.037439 0.0592967 0.316463 1041 +0 0.506629 0.156541 0.0282364 0.0696226 0.519185 1049 +0 0.613815 0.550991 0.0157915 0.0374845 0.689465 1053 +0 0.367925 0.398198 0.0145524 0.0245559 0.470638 1055 +0 0.168448 0.344077 0.0167202 0.0462999 0.671351 1056 +0 0.565829 0.254977 0.0172221 0.0466127 0.66813 1057 +0 0.821647 0.576091 0.015236 0.0399418 0.752819 1064 +0 0.920639 0.238218 0.0564015 0.0808063 0.417188 1065 +0 0.199063 0.29898 0.0191662 0.0532346 0.541205 1066 +0 0.963303 0.541595 0.0170148 0.0432789 0.63988 1068 +0 0.231024 0.70765 0.0143328 0.0412693 0.614838 1073 +0 0.218422 0.179411 0.063446 0.143624 0.701685 1087 +0 0.165029 0.284455 0.0173926 0.0510693 0.655421 1119 +0 0.673787 0.122004 0.0330878 0.0672504 0.50052 1122 +0 0.465904 0.0270493 0.0331243 0.0540986 0.477512 480 +0 0.881769 0.937608 0.0301335 0.0545772 0.347224 47 +0 0.629939 0.692046 0.0179042 0.0531025 0.681349 1138 +0 0.484829 0.104246 0.0186175 0.0475547 0.652409 1143 +0 0.676858 0.181723 0.0138177 0.0288248 0.496763 1144 +0 0.743716 0.0692284 0.0239842 0.06844 0.570828 1153 +0 0.593498 0.824636 0.0304402 0.0835874 0.583074 451 +0 0.636483 0.0731487 0.0179339 0.0477497 0.731946 1161 +0 0.60932 0.136308 0.027555 0.0609486 0.441533 1186 +0 0.519967 0.755071 0.0239459 0.0687041 0.646743 27 +0 0.312879 0.0911721 0.0990582 0.16457 0.832098 1195 +0 0.677382 0.0575576 0.0186723 0.046405 0.705646 1198 +0 0.702487 0.0568699 0.0145264 0.0449886 0.528541 1199 +0 0.254522 0.382696 0.0157025 0.0393359 0.663096 1200 +0 0.183419 0.251149 0.0149583 0.0356462 0.642285 1202 +0 0.132934 0.273805 0.0194988 0.0611816 0.554799 1203 +0 0.75682 0.364318 0.0149586 0.0412577 0.685549 1204 +0 0.891531 0.162484 0.0142041 0.0410979 0.743296 1205 +0 0.312939 0.332634 0.0158491 0.037208 0.388269 830 +0 0.74273 0.716174 0.0318592 0.0738322 0.343766 1215 +0 0.175179 0.206609 0.0189641 0.0627428 0.518062 1221 +0 0.680861 0.802672 0.0179928 0.0447643 0.776438 948 +0 0.759564 0.643988 0.0143316 0.0379469 0.750212 1132 +0 0.708082 0.916283 0.0221639 0.0604461 0.588996 63 +0 0.740683 0.537634 0.0144884 0.0284619 0.609012 884 +0 0.727215 0.85164 0.0190859 0.0491883 0.687328 121 +0 0.994764 0.589349 0.0104725 0.0505045 0.625047 1239 +0 0.434687 0.478138 0.0117812 0.0332178 0.347075 1245 +0 0.539732 0.0374095 0.0539967 0.0655596 0.688182 1247 +0 0.570414 0.0686149 0.0717724 0.100347 0.765531 93 +0 0.890758 0.553308 0.0121847 0.0291145 0.307557 1129 +0 0.391561 0.551429 0.0148588 0.0423086 0.562671 337 +0 0.707924 0.705816 0.0160548 0.0379359 0.64728 1045 +0 0.772217 0.0566686 0.0156886 0.0395697 0.736605 1254 +0 0.264647 0.0662233 0.0191466 0.0520184 0.742794 1255 +0 0.57829 0.511188 0.0139523 0.0368817 0.567698 1256 +0 0.640111 0.0236495 0.0419627 0.0370823 0.31374 1258 +0 0.394971 0.0601358 0.0164026 0.0442855 0.495181 1264 +0 0.263488 0.178491 0.0107973 0.0358014 0.319206 1266 +0 0.41914 0.0292936 0.0184085 0.0465023 0.650372 1267 +0 0.77479 0.707635 0.0166926 0.0447775 0.629358 60 +0 0.211933 0.723281 0.0153302 0.0425274 0.517722 1040 +0 0.371014 0.0881794 0.0180155 0.0491129 0.733574 1277 +0 0.254525 0.836619 0.0182088 0.0517455 0.687162 1280 +0 0.0950712 0.569751 0.0163428 0.0573225 0.699563 1281 +0 0.787295 0.856936 0.0196059 0.0504758 0.680734 1282 +0 0.727875 0.0218097 0.0152443 0.0311473 0.68967 1285 +0 0.753145 0.0221302 0.0135436 0.0308231 0.728876 1287 +0 0.721875 0.0598791 0.0158289 0.0339389 0.465194 1293 +0 0.708392 0.420747 0.0127558 0.0240581 0.540529 1296 +0 0.169494 0.793726 0.0187085 0.0678757 0.469133 819 +0 0.374506 0.875022 0.0160559 0.0471042 0.653093 477 +0 0.867993 0.755513 0.0138323 0.0294698 0.558228 983 +0 0.157331 0.646862 0.0123846 0.0393615 0.508041 1025 +0 0.577849 0.739307 0.0352604 0.0970277 0.365699 13 +0 0.848791 0.852503 0.0168517 0.0352678 0.496348 1178 +0 0.628394 0.877667 0.020642 0.0593571 0.478787 523 +0 0.546099 0.832108 0.0194344 0.0614527 0.652569 299 +0 0.37515 0.938059 0.0148481 0.0510778 0.598887 1116 +0 0.800957 0.69454 0.0147743 0.0379164 0.439961 999 +0 0.380009 0.38048 0.0122124 0.0240397 0.400912 1174 +0 0.762967 0.679106 0.012099 0.0274882 0.534207 228 +0 0.337281 0.202343 0.0160767 0.063779 0.36565 907 +0 0.175429 0.733287 0.0172171 0.0661079 0.400624 729 +0 0.0951205 0.729751 0.0124959 0.0409564 0.489435 829 +0 0.536569 0.344758 0.013187 0.0330334 0.456951 1220 +0 0.933649 0.848629 0.0194511 0.0389211 0.552832 185 diff --git a/src/FlotationAnalytics/output_botsort/track39/labels/image38.txt b/src/FlotationAnalytics/output_botsort/track39/labels/image38.txt new file mode 100644 index 0000000..f7b3189 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track39/labels/image38.txt @@ -0,0 +1,168 @@ +0 0.837896 0.721263 0.0508942 0.0975061 0.632961 80 +0 0.328624 0.194055 0.108769 0.207326 0.75407 260 +0 0.604032 0.333028 0.103607 0.173264 0.844958 274 +0 0.832935 0.647922 0.026753 0.0502808 0.421872 312 +0 0.320749 0.592905 0.101193 0.177018 0.790598 329 +0 0.693296 0.312131 0.0479949 0.107175 0.447857 386 +0 0.64918 0.622977 0.0215343 0.0618238 0.558847 101 +0 0.686283 0.611787 0.0207592 0.0546812 0.579701 456 +0 0.409751 0.521388 0.026562 0.0603851 0.581929 514 +0 0.494236 0.496954 0.100702 0.186564 0.812893 31 +0 0.735738 0.607293 0.0509149 0.0770418 0.491687 269 +0 0.52815 0.566553 0.058079 0.121065 0.608215 563 +0 0.938167 0.704366 0.111322 0.162413 0.830975 594 +0 0.554022 0.615203 0.0205569 0.0536305 0.683929 225 +0 0.793444 0.548253 0.0224805 0.0587478 0.442667 272 +0 0.764443 0.540233 0.0164518 0.0415303 0.678945 601 +0 0.463367 0.717583 0.0157837 0.0485907 0.494827 603 +0 0.186462 0.489128 0.101084 0.223376 0.778968 604 +0 0.862517 0.559175 0.016758 0.0372912 0.646299 620 +0 0.211171 0.84005 0.0209533 0.0635769 0.599893 624 +0 0.46338 0.387931 0.0631014 0.107691 0.517667 625 +0 0.399878 0.467914 0.0200532 0.048483 0.4835 630 +0 0.507178 0.695277 0.0519915 0.115688 0.445227 14 +0 0.800585 0.443101 0.0991609 0.132394 0.83723 249 +0 0.875315 0.603049 0.0188387 0.0495894 0.434084 656 +0 0.86156 0.655205 0.0150334 0.0374692 0.626796 674 +0 0.470528 0.659965 0.0186243 0.0510316 0.595177 682 +0 0.336438 0.381057 0.0602638 0.100735 0.660936 692 +0 0.465233 0.796798 0.025006 0.0772546 0.504416 700 +0 0.785449 0.637252 0.0507925 0.0886428 0.554529 219 +0 0.36005 0.448164 0.0155737 0.0316705 0.602865 704 +0 0.274269 0.463632 0.0181674 0.0493582 0.643604 709 +0 0.543907 0.313086 0.0189105 0.0440756 0.697234 710 +0 0.4002 0.41774 0.0202694 0.0396838 0.543398 711 +0 0.333957 0.463774 0.019598 0.0510395 0.669489 712 +0 0.292227 0.379262 0.0223502 0.0475089 0.372647 713 +0 0.21732 0.665905 0.0351242 0.0910992 0.308395 715 +0 0.477629 0.611383 0.0140038 0.0349985 0.422549 716 +0 0.516925 0.342666 0.0211118 0.0561477 0.653118 717 +0 0.696888 0.853707 0.0216511 0.0467646 0.584243 718 +0 0.852824 0.456661 0.0164094 0.033954 0.600843 369 +0 0.318556 0.770303 0.0881539 0.137737 0.46608 775 +0 0.903098 0.594779 0.0154266 0.0409457 0.737303 780 +0 0.41185 0.586561 0.0245484 0.0570703 0.40599 805 +0 0.624778 0.459143 0.0918939 0.127521 0.75811 806 +0 0.935031 0.426386 0.11873 0.237938 0.838402 811 +0 0.718058 0.529332 0.0413039 0.0903657 0.522275 302 +0 0.85327 0.828317 0.0244714 0.0530127 0.724322 467 +0 0.251461 0.685486 0.0146369 0.0424757 0.344577 327 +0 0.732054 0.445908 0.0202987 0.0543887 0.602783 824 +0 0.58412 0.569771 0.0168395 0.0408825 0.742159 827 +0 0.791931 0.303311 0.0434389 0.0818284 0.379817 828 +0 0.261791 0.733471 0.0181195 0.0560937 0.582742 833 +0 0.654235 0.528784 0.0523956 0.0967215 0.452698 847 +0 0.838414 0.519919 0.0514085 0.0900343 0.490223 861 +0 0.867535 0.305377 0.0393084 0.0732324 0.42132 865 +0 0.562818 0.674109 0.0198194 0.0624766 0.647484 867 +0 0.667202 0.690898 0.0259315 0.078382 0.53704 868 +0 0.551518 0.733658 0.0147762 0.0447546 0.553867 869 +0 0.491173 0.294361 0.0183851 0.0507996 0.761393 870 +0 0.684266 0.229056 0.0194647 0.0464822 0.733351 873 +0 0.657145 0.368249 0.0175071 0.0469033 0.703696 874 +0 0.433902 0.244484 0.0902486 0.200272 0.789993 875 +0 0.53446 0.245374 0.0238335 0.0618456 0.63095 877 +0 0.823561 0.321464 0.0176653 0.0473444 0.669856 879 +0 0.716761 0.37176 0.0408002 0.0834989 0.510765 886 +0 0.621646 0.599395 0.015556 0.0361034 0.682842 888 +0 0.591346 0.614692 0.0213371 0.050107 0.693027 901 +0 0.265949 0.348085 0.0202453 0.0525624 0.685932 902 +0 0.732409 0.265319 0.0169238 0.0386814 0.651945 909 +0 0.699075 0.45991 0.0166712 0.0268556 0.479747 917 +0 0.746045 0.655958 0.0135279 0.0347765 0.600697 648 +0 0.702431 0.493329 0.017228 0.0279014 0.522437 943 +0 0.372439 0.476898 0.0173178 0.0391157 0.634464 725 +0 0.494767 0.241001 0.0138905 0.0392323 0.70037 945 +0 0.94698 0.585146 0.0165456 0.0418903 0.460058 946 +0 0.67123 0.578698 0.0166121 0.0408737 0.68246 950 +0 0.661778 0.84217 0.0171608 0.0378814 0.400117 59 +0 0.492803 0.644632 0.014391 0.041024 0.523737 768 +0 0.550376 0.203126 0.0196358 0.0341652 0.560356 968 +0 0.87193 0.365101 0.0138303 0.0389818 0.551463 906 +0 0.265726 0.27304 0.0560422 0.0944204 0.715336 988 +0 0.591628 0.200613 0.0266551 0.0693946 0.560339 994 +0 0.605965 0.665532 0.0190245 0.0474291 0.565532 1001 +0 0.728633 0.220222 0.0134069 0.0279718 0.533916 1002 +0 0.810978 0.150966 0.115226 0.204559 0.837714 174 +0 0.0988338 0.440833 0.081329 0.189928 0.73023 1027 +0 0.848136 0.227009 0.0673003 0.0975616 0.715439 1032 +0 0.718951 0.177356 0.0389294 0.0605835 0.342269 1041 +0 0.504294 0.172084 0.0312614 0.0726053 0.497746 1049 +0 0.611376 0.565929 0.0157754 0.0383911 0.690841 1053 +0 0.367497 0.419112 0.0141286 0.0241463 0.572313 1055 +0 0.166722 0.358319 0.0175386 0.0476683 0.648774 1056 +0 0.563827 0.26844 0.0174839 0.0472635 0.694806 1057 +0 0.820035 0.58771 0.0152171 0.039542 0.749216 1064 +0 0.919046 0.239818 0.0438499 0.0724353 0.406751 1065 +0 0.19699 0.311864 0.0190779 0.0522755 0.709218 1066 +0 0.961508 0.54936 0.0175071 0.0448186 0.610043 1068 +0 0.217134 0.199701 0.0616758 0.143796 0.742967 1087 +0 0.163064 0.299461 0.0179403 0.0515379 0.719668 1119 +0 0.672746 0.1312 0.0339906 0.0652687 0.630684 1122 +0 0.471719 0.0255309 0.0282348 0.0471658 0.464382 480 +0 0.879222 0.931695 0.0231447 0.0494105 0.708603 47 +0 0.627474 0.710805 0.0173883 0.0510945 0.645282 1138 +0 0.480678 0.121075 0.0188409 0.047529 0.647848 1143 +0 0.675369 0.192722 0.0142277 0.0288857 0.340495 1144 +0 0.743413 0.0727067 0.0238213 0.0646467 0.565403 1153 +0 0.591428 0.852499 0.0227501 0.0653614 0.439801 451 +0 0.635709 0.0836158 0.017993 0.0490132 0.751559 1161 +0 0.607858 0.146952 0.0296324 0.0647352 0.381607 1186 +0 0.515196 0.782951 0.0229561 0.0658127 0.768528 27 +0 0.309529 0.104939 0.098341 0.165778 0.819238 1195 +0 0.676868 0.0649944 0.0187112 0.0491461 0.76101 1198 +0 0.701681 0.0643566 0.0140371 0.0442041 0.584773 1199 +0 0.254334 0.401809 0.0165975 0.0458371 0.496222 1200 +0 0.181549 0.266767 0.0152666 0.0323468 0.574475 1202 +0 0.130899 0.292307 0.0190812 0.0598291 0.469131 1203 +0 0.755611 0.373932 0.0155485 0.0422151 0.685022 1204 +0 0.890667 0.168852 0.0141151 0.0396286 0.691408 1205 +0 0.311795 0.349476 0.0160775 0.0373675 0.581525 830 +0 0.737989 0.728397 0.0289354 0.0622151 0.473928 1215 +0 0.172749 0.219445 0.0197524 0.0710805 0.545732 1221 +0 0.678864 0.813818 0.0143949 0.0366698 0.370072 948 +0 0.696046 0.907449 0.0183397 0.0473729 0.45756 63 +0 0.741885 0.553469 0.0142384 0.0277574 0.692568 884 +0 0.731087 0.883341 0.0323579 0.062458 0.646604 121 +0 0.99402 0.599035 0.0118263 0.0530227 0.662263 1239 +0 0.715484 0.70601 0.0164442 0.0360348 0.755952 1245 +0 0.539882 0.0423797 0.0553473 0.0748813 0.687416 1247 +0 0.569097 0.0805934 0.0717562 0.0984726 0.763932 93 +0 0.889037 0.562147 0.0133497 0.0301843 0.347843 1129 +0 0.389469 0.574457 0.0154103 0.0421349 0.508193 337 +0 0.702405 0.725667 0.0163239 0.0352895 0.551594 1045 +0 0.772502 0.0627413 0.0156657 0.0398859 0.731878 1254 +0 0.263613 0.0805299 0.0222179 0.0582393 0.460818 1255 +0 0.573751 0.527909 0.0137489 0.0365619 0.558333 1256 +0 0.628324 0.0245121 0.0575917 0.0418089 0.595113 1258 +0 0.392338 0.0769738 0.0159088 0.0442434 0.509058 1264 +0 0.261801 0.195498 0.0123448 0.0341386 0.394153 1266 +0 0.417366 0.0413463 0.0185054 0.0497775 0.62285 1267 +0 0.769657 0.721088 0.0175993 0.0364291 0.745073 60 +0 0.36848 0.103639 0.0180278 0.0511477 0.737846 1277 +0 0.0918189 0.60012 0.0170508 0.0587129 0.614136 1281 +0 0.781293 0.884068 0.0202576 0.0541505 0.690886 1282 +0 0.727036 0.0279982 0.0152979 0.033022 0.641266 1285 +0 0.752849 0.0286108 0.0140916 0.0324151 0.694901 1287 +0 0.71995 0.0662886 0.0159726 0.0362843 0.403578 1293 +0 0.705869 0.432753 0.0136571 0.0266808 0.513629 1296 +0 0.367427 0.899485 0.0199509 0.0520259 0.691151 477 +0 0.154131 0.686042 0.0117836 0.0383346 0.421081 1025 +0 0.569981 0.780348 0.0290505 0.0886213 0.469022 13 +0 0.894991 0.848958 0.0201786 0.0468784 0.581859 1300 +0 0.764137 0.764314 0.0147132 0.029135 0.561193 1301 +0 0.43524 0.0936094 0.0420244 0.080493 0.596054 1304 +0 0.52958 0.29366 0.0150351 0.0279774 0.473784 1308 +0 0.992611 0.488312 0.0137884 0.0432771 0.377992 1311 +0 0.484032 0.0539894 0.0301256 0.0623363 0.388802 1312 +0 0.795347 0.703789 0.0171392 0.0372269 0.662303 999 +0 0.379383 0.398478 0.0119639 0.0248519 0.319694 1174 +0 0.761461 0.693345 0.0132301 0.0279672 0.317792 228 +0 0.53502 0.362572 0.0128094 0.0320691 0.481122 1220 +0 0.84883 0.903537 0.0191274 0.0485416 0.674807 553 +0 0.752744 0.925462 0.0142907 0.0373502 0.349207 373 +0 0.124133 0.629516 0.0218339 0.068791 0.451731 790 +0 0.349067 0.868278 0.0157066 0.0379942 0.32618 54 +0 0.638888 0.840175 0.0175238 0.0456121 0.741549 582 +0 0.396849 0.250816 0.0200908 0.0654142 0.325356 1226 +0 0.5049 0.83574 0.0161139 0.0394194 0.586452 1059 diff --git a/src/FlotationAnalytics/output_botsort/track4/labels/image3.txt b/src/FlotationAnalytics/output_botsort/track4/labels/image3.txt new file mode 100644 index 0000000..939d953 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track4/labels/image3.txt @@ -0,0 +1,90 @@ +0 0.856163 0.525277 0.121458 0.168123 0.871802 1 +0 0.27718 0.225394 0.0766553 0.0964022 0.717129 2 +0 0.422871 0.708722 0.0738298 0.198124 0.745776 4 +0 0.960909 0.53002 0.0747953 0.199434 0.808798 5 +0 0.461718 0.129237 0.0688466 0.129786 0.770042 6 +0 0.732106 0.419255 0.0166305 0.0485406 0.460119 7 +0 0.374057 0.234394 0.076144 0.122712 0.765555 8 +0 0.457335 0.341674 0.0203308 0.0597024 0.525182 9 +0 0.856568 0.730416 0.0175899 0.0530594 0.489361 12 +0 0.739168 0.161046 0.0824271 0.135991 0.605072 13 +0 0.636228 0.187259 0.0205288 0.0623085 0.70468 14 +0 0.590879 0.383135 0.0916982 0.14246 0.774161 16 +0 0.322334 0.339197 0.0193731 0.0666707 0.580534 17 +0 0.747336 0.358358 0.0219043 0.0609689 0.717745 18 +0 0.773127 0.396051 0.0229047 0.062517 0.734815 21 +0 0.536341 0.126079 0.062034 0.0631679 0.781266 22 +0 0.954004 0.671334 0.0251804 0.0521386 0.69544 23 +0 0.942956 0.754417 0.0180407 0.0470899 0.701153 26 +0 0.666009 0.128825 0.0188947 0.0556137 0.771145 27 +0 0.357939 0.329433 0.0160479 0.0641012 0.580735 28 +0 0.693004 0.398747 0.0226047 0.0720038 0.679279 29 +0 0.619448 0.594538 0.0544164 0.222505 0.346157 30 +0 0.592497 0.0845801 0.146848 0.152545 0.785182 31 +0 0.883023 0.741907 0.0203811 0.0553477 0.697741 32 +0 0.243494 0.322303 0.0231189 0.076387 0.55551 33 +0 0.739672 0.928156 0.0293792 0.0753031 0.443282 35 +0 0.161585 0.541856 0.0376732 0.0954103 0.641443 36 +0 0.328717 0.623682 0.0222998 0.0460634 0.358879 37 +0 0.266247 0.409485 0.056319 0.103575 0.660389 38 +0 0.906258 0.778271 0.0203256 0.0505666 0.649858 40 +0 0.652692 0.388241 0.0256826 0.0633097 0.425829 42 +0 0.147134 0.436059 0.0161734 0.0523411 0.536974 43 +0 0.385049 0.410644 0.0331955 0.105182 0.42167 44 +0 0.781004 0.509254 0.025621 0.0654184 0.395716 45 +0 0.946566 0.409629 0.018513 0.0422483 0.655459 47 +0 0.532517 0.451737 0.0165632 0.0514493 0.494417 48 +0 0.514407 0.355787 0.025015 0.0672267 0.671741 50 +0 0.782399 0.880683 0.0292117 0.086742 0.482111 51 +0 0.380348 0.834262 0.0317274 0.0844031 0.590224 55 +0 0.710278 0.612415 0.0762008 0.207256 0.349912 56 +0 0.790901 0.294065 0.046874 0.0790317 0.515438 59 +0 0.923504 0.348793 0.0252949 0.0661036 0.610912 60 +0 0.853707 0.340169 0.10288 0.157962 0.816935 63 +0 0.218228 0.426056 0.0213449 0.084932 0.392041 64 +0 0.336016 0.716092 0.0305735 0.0888792 0.717996 67 +0 0.371064 0.103942 0.0254242 0.0731496 0.632163 68 +0 0.774513 0.792382 0.0183562 0.0592572 0.59402 69 +0 0.978675 0.399618 0.0138944 0.0399763 0.571187 72 +0 0.768265 0.0724397 0.0143569 0.0424194 0.54804 76 +0 0.309794 0.286161 0.0195906 0.0609056 0.61126 77 +0 0.819494 0.713783 0.0216912 0.0694507 0.49435 78 +0 0.185449 0.692044 0.0432985 0.123566 0.321346 79 +0 0.942164 0.264872 0.0451807 0.0744914 0.662599 80 +0 0.447388 0.272703 0.018876 0.0641053 0.771729 83 +0 0.866578 0.407146 0.0126571 0.0401202 0.60523 84 +0 0.100633 0.684323 0.0468814 0.132008 0.620435 85 +0 0.370756 0.664913 0.0265851 0.0697392 0.501977 91 +0 0.850763 0.193587 0.0485836 0.0873881 0.306437 92 +0 0.721619 0.273554 0.0277378 0.0693383 0.517761 95 +0 0.841315 0.639774 0.0204747 0.0566024 0.698544 96 +0 0.927634 0.856284 0.0217852 0.0533489 0.670955 97 +0 0.525435 0.238578 0.096618 0.140249 0.764272 98 +0 0.697598 0.0830552 0.0133933 0.0360734 0.474232 101 +0 0.682746 0.330066 0.0139289 0.0375267 0.434655 102 +0 0.273869 0.703028 0.0483989 0.121055 0.51678 103 +0 0.62215 0.58847 0.0344014 0.133835 0.316287 108 +0 0.450441 0.481088 0.0871746 0.183315 0.77315 109 +0 0.516471 0.518267 0.0232002 0.0706526 0.733895 111 +0 0.212281 0.546243 0.0440729 0.119369 0.635214 112 +0 0.493437 0.752622 0.0258931 0.0896356 0.564195 119 +0 0.779896 0.220403 0.0447858 0.082292 0.499411 121 +0 0.730651 0.732258 0.0252567 0.0657169 0.534637 123 +0 0.215962 0.144237 0.0514217 0.0913107 0.520585 128 +0 0.602563 0.790888 0.0218805 0.0630532 0.664264 129 +0 0.0975289 0.452856 0.0236111 0.0848433 0.724213 131 +0 0.675225 0.278858 0.0299828 0.0731739 0.575771 139 +0 0.633975 0.288695 0.0206561 0.0720708 0.620661 140 +0 0.778863 0.660785 0.0537299 0.0879024 0.320929 149 +0 0.919052 0.705425 0.0206603 0.0601706 0.647841 154 +0 0.321201 0.0595987 0.0679328 0.102488 0.7485 156 +0 0.881482 0.9276 0.021748 0.0506696 0.59527 162 +0 0.972454 0.336323 0.047472 0.08263 0.640543 163 +0 0.960283 0.858049 0.0155589 0.0425748 0.600843 165 +0 0.40319 0.117258 0.0214402 0.0588211 0.51293 170 +0 0.485051 0.897939 0.0160568 0.0261218 0.371699 20 +0 0.259271 0.574475 0.0309466 0.0873615 0.489976 106 +0 0.786771 0.459505 0.0134107 0.0366913 0.498538 117 +0 0.177859 0.47079 0.0275259 0.0745266 0.62271 110 +0 0.374857 0.584665 0.0227689 0.0889878 0.524761 10 +0 0.4696 0.877028 0.0133109 0.0247329 0.349037 124 diff --git a/src/FlotationAnalytics/output_botsort/track40/labels/image39.txt b/src/FlotationAnalytics/output_botsort/track40/labels/image39.txt new file mode 100644 index 0000000..d01d8f8 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track40/labels/image39.txt @@ -0,0 +1,176 @@ +0 0.839824 0.731964 0.0518732 0.0981302 0.589243 80 +0 0.325927 0.214022 0.108253 0.210482 0.633051 260 +0 0.601692 0.346413 0.10356 0.173175 0.855358 274 +0 0.833947 0.659188 0.023997 0.0500289 0.391135 312 +0 0.303521 0.629897 0.0759371 0.149624 0.6162 329 +0 0.692575 0.335353 0.0491147 0.132411 0.530464 386 +0 0.643765 0.642718 0.0221039 0.060385 0.614508 101 +0 0.682508 0.634774 0.0223865 0.0581611 0.660188 456 +0 0.40569 0.545064 0.0266434 0.0608355 0.461343 514 +0 0.488848 0.524785 0.103041 0.186819 0.809878 31 +0 0.733012 0.62452 0.0526234 0.0784775 0.382056 269 +0 0.520436 0.595921 0.0599968 0.122858 0.613651 563 +0 0.938535 0.711174 0.111965 0.161233 0.829001 594 +0 0.548934 0.64112 0.0230525 0.0591295 0.663855 225 +0 0.791698 0.560739 0.021774 0.0578741 0.383075 272 +0 0.763232 0.553176 0.0164506 0.0420618 0.665597 601 +0 0.455064 0.746479 0.0169617 0.0477532 0.571178 603 +0 0.182834 0.518752 0.0969882 0.212326 0.709966 604 +0 0.8631 0.568793 0.0175684 0.0395713 0.700193 620 +0 0.464744 0.402173 0.0577541 0.095068 0.555938 625 +0 0.396612 0.491607 0.0206224 0.0495139 0.643854 630 +0 0.502783 0.725806 0.0544612 0.122429 0.534485 14 +0 0.79924 0.455652 0.0993871 0.133306 0.837872 249 +0 0.87578 0.614644 0.0175145 0.0513535 0.331005 656 +0 0.861156 0.666031 0.0138382 0.0363641 0.381868 674 +0 0.465418 0.691806 0.0177235 0.0468117 0.629905 682 +0 0.333837 0.401813 0.059181 0.103935 0.689932 692 +0 0.457434 0.830137 0.0234093 0.0688165 0.532459 700 +0 0.784759 0.64974 0.0514222 0.0894854 0.511666 219 +0 0.356998 0.471175 0.0156401 0.0326492 0.618669 704 +0 0.273611 0.475503 0.0167849 0.0421482 0.636782 709 +0 0.541324 0.327606 0.0193175 0.0451071 0.703278 710 +0 0.397811 0.439238 0.0197234 0.0443858 0.58722 711 +0 0.331239 0.482169 0.019567 0.052211 0.702447 712 +0 0.292591 0.39631 0.019656 0.0429761 0.404693 713 +0 0.214369 0.705462 0.0266701 0.0694147 0.413102 715 +0 0.471209 0.640928 0.0151828 0.0352543 0.406718 716 +0 0.514369 0.361319 0.0207339 0.0530245 0.750973 717 +0 0.696368 0.871848 0.0208806 0.0492807 0.613941 718 +0 0.850979 0.468047 0.017116 0.0334862 0.641254 369 +0 0.902663 0.604598 0.0151691 0.0414969 0.678481 780 +0 0.405198 0.612918 0.0218117 0.0530497 0.496958 805 +0 0.61853 0.475129 0.0992326 0.127318 0.791867 806 +0 0.93442 0.442754 0.118595 0.233899 0.850329 811 +0 0.715371 0.546301 0.0428913 0.0904842 0.564265 302 +0 0.851359 0.846545 0.018121 0.0449652 0.750202 467 +0 0.729103 0.462605 0.0197655 0.0539352 0.567929 824 +0 0.580771 0.588066 0.0178 0.0418076 0.490851 827 +0 0.790551 0.313383 0.043838 0.082963 0.39321 828 +0 0.255289 0.762943 0.0193255 0.0606761 0.373651 833 +0 0.651211 0.545772 0.0534908 0.0946714 0.596302 847 +0 0.836416 0.529162 0.0500534 0.089502 0.453542 861 +0 0.865303 0.315403 0.0366138 0.0749213 0.491027 865 +0 0.557998 0.697634 0.0186438 0.0556139 0.69397 867 +0 0.66114 0.705212 0.0237543 0.0625649 0.46315 868 +0 0.545436 0.762203 0.014457 0.0413189 0.638363 869 +0 0.489824 0.314886 0.0185518 0.0502972 0.749359 870 +0 0.681822 0.240559 0.0204292 0.0478115 0.730066 873 +0 0.655751 0.381186 0.0179099 0.0491278 0.712654 874 +0 0.431868 0.265186 0.0896588 0.200036 0.757993 875 +0 0.532626 0.257318 0.0257629 0.0617903 0.450499 877 +0 0.822119 0.332499 0.0172278 0.0453788 0.729839 879 +0 0.715657 0.383327 0.0410878 0.0862938 0.538017 886 +0 0.615789 0.613753 0.0189319 0.0322177 0.663277 888 +0 0.585306 0.639754 0.0215128 0.0563678 0.583777 901 +0 0.265231 0.36768 0.01982 0.0547933 0.620738 902 +0 0.731211 0.276624 0.0178041 0.0394438 0.705448 909 +0 0.695269 0.476398 0.0167088 0.0305326 0.548862 917 +0 0.744587 0.669213 0.0139601 0.0341983 0.595127 648 +0 0.700043 0.510946 0.0166122 0.0277296 0.57084 943 +0 0.369131 0.500857 0.0167559 0.0370822 0.720867 725 +0 0.491691 0.259016 0.0141508 0.0406184 0.701561 945 +0 0.946048 0.592629 0.0166514 0.0402287 0.58535 946 +0 0.670122 0.598005 0.01687 0.0425896 0.743802 950 +0 0.411354 0.619056 0.0179038 0.047594 0.793626 59 +0 0.487236 0.674281 0.0157101 0.0404251 0.382762 768 +0 0.548502 0.21425 0.0195227 0.0334545 0.436651 968 +0 0.869559 0.376096 0.013667 0.0386865 0.654125 906 +0 0.263359 0.289462 0.0563653 0.0929967 0.698577 988 +0 0.588973 0.211676 0.0294978 0.0716856 0.492073 994 +0 0.603261 0.68824 0.0177666 0.0413518 0.522495 1001 +0 0.72643 0.232138 0.0143253 0.02907 0.416959 1002 +0 0.807017 0.161773 0.112065 0.21253 0.832113 174 +0 0.0963581 0.461175 0.0813837 0.202295 0.668434 1027 +0 0.848555 0.23927 0.0700552 0.0958376 0.601593 1032 +0 0.721037 0.191365 0.0269212 0.0492212 0.302603 1041 +0 0.501269 0.186373 0.0303794 0.0748111 0.52034 1049 +0 0.60831 0.581259 0.0152303 0.0331113 0.499001 1053 +0 0.162324 0.375689 0.0164683 0.0489657 0.725047 1056 +0 0.561573 0.282323 0.0170742 0.0466064 0.748196 1057 +0 0.818549 0.598302 0.0156548 0.0396775 0.714054 1064 +0 0.917696 0.244323 0.0258954 0.0601813 0.331418 1065 +0 0.192387 0.325248 0.0194173 0.0534736 0.435047 1066 +0 0.960367 0.558681 0.0173643 0.0418755 0.672929 1068 +0 0.214177 0.218848 0.0614584 0.128893 0.722789 1087 +0 0.159268 0.31512 0.0173661 0.0507692 0.560245 1119 +0 0.671314 0.141896 0.0360743 0.0661084 0.591391 1122 +0 0.471493 0.0349041 0.0266115 0.0414732 0.442375 480 +0 0.879138 0.935928 0.0177858 0.0457543 0.752068 47 +0 0.619508 0.737494 0.0162802 0.0495462 0.618232 1138 +0 0.475775 0.138437 0.0187595 0.0477691 0.71613 1143 +0 0.673046 0.204728 0.0133047 0.0281053 0.528586 1144 +0 0.742528 0.0786039 0.0234897 0.0619255 0.530967 1153 +0 0.634374 0.0935218 0.0185951 0.049764 0.725352 1161 +0 0.605053 0.156684 0.0276323 0.060303 0.367611 1186 +0 0.509994 0.808884 0.0229713 0.057516 0.659459 27 +0 0.305715 0.124428 0.0977159 0.162418 0.744464 1195 +0 0.675747 0.0745651 0.0189817 0.0501131 0.736122 1198 +0 0.70106 0.0715878 0.0130837 0.0415112 0.33967 1199 +0 0.177949 0.281896 0.0151939 0.0334014 0.672779 1202 +0 0.123845 0.313858 0.0257721 0.0642659 0.479386 1203 +0 0.754705 0.38433 0.0157741 0.0428668 0.690805 1204 +0 0.890021 0.174689 0.0137026 0.0389299 0.652691 1205 +0 0.310186 0.368338 0.0166557 0.0386833 0.634854 830 +0 0.73395 0.741658 0.0317996 0.0649716 0.477717 1215 +0 0.169329 0.236709 0.018561 0.0630734 0.435049 1221 +0 0.689512 0.92376 0.0128359 0.0405884 0.453862 63 +0 0.741264 0.569638 0.0154228 0.0274787 0.666332 884 +0 0.72282 0.911602 0.0262028 0.0599419 0.54156 121 +0 0.993988 0.608668 0.0120232 0.0509308 0.684195 1239 +0 0.802426 0.784319 0.0182397 0.0367678 0.737822 1245 +0 0.537776 0.0477493 0.0548054 0.0866739 0.707472 1247 +0 0.566762 0.0920365 0.0732996 0.0969649 0.740072 93 +0 0.888729 0.573184 0.0132781 0.028775 0.403382 1129 +0 0.38753 0.592247 0.0146179 0.0370407 0.536764 337 +0 0.699613 0.741596 0.0174111 0.035629 0.551198 1045 +0 0.772771 0.0709454 0.0153679 0.0379652 0.680541 1254 +0 0.247471 0.105204 0.0653139 0.0960872 0.400435 1255 +0 0.566431 0.543553 0.0139825 0.0337299 0.365009 1256 +0 0.623259 0.0268395 0.0672789 0.0482808 0.702681 1258 +0 0.388953 0.0925102 0.0158081 0.0441966 0.546953 1264 +0 0.259196 0.212457 0.0122914 0.0382397 0.521471 1266 +0 0.415328 0.0563811 0.0183006 0.0473538 0.610559 1267 +0 0.767687 0.733682 0.0171739 0.0302745 0.721643 60 +0 0.365553 0.120073 0.0173889 0.0513729 0.759592 1277 +0 0.0859038 0.636598 0.0165875 0.0622354 0.456771 1281 +0 0.774171 0.907785 0.0184627 0.0504593 0.762105 1282 +0 0.727137 0.0351539 0.0139683 0.0337944 0.615489 1285 +0 0.752829 0.0360524 0.0136196 0.0308247 0.704331 1287 +0 0.718452 0.0725702 0.0175124 0.0387122 0.422552 1293 +0 0.703358 0.447209 0.0129983 0.0284829 0.378353 1296 +0 0.559384 0.829307 0.0280145 0.0895911 0.488721 13 +0 0.895581 0.858447 0.0195759 0.0455496 0.628973 1300 +0 0.76392 0.77406 0.0155759 0.0297669 0.644703 1301 +0 0.432624 0.105942 0.0410104 0.0763488 0.651543 1304 +0 0.526307 0.30786 0.0141544 0.0297981 0.456212 1308 +0 0.991773 0.4977 0.0157203 0.0482787 0.339528 1311 +0 0.479728 0.0679081 0.0316946 0.0677231 0.361868 1312 +0 0.794822 0.712019 0.0186063 0.0397511 0.676013 999 +0 0.761075 0.705763 0.013666 0.0265798 0.354167 228 +0 0.530423 0.403093 0.0135215 0.0334101 0.672579 1220 +0 0.906192 0.913448 0.0155486 0.0415633 0.690325 1316 +0 0.728841 0.686327 0.0159532 0.035941 0.618227 1317 +0 0.585802 0.757694 0.0133303 0.0374805 0.595359 1318 +0 0.879234 0.842491 0.0154729 0.0359012 0.712703 1320 +0 0.0636621 0.63449 0.0149664 0.050373 0.502844 1322 +0 0.952374 0.868585 0.0158654 0.0411682 0.645545 1325 +0 0.139601 0.255237 0.0169235 0.0544577 0.603733 1328 +0 0.537086 0.189941 0.0120979 0.0262755 0.541519 1332 +0 0.588268 0.0416296 0.013381 0.0344537 0.624638 1334 +0 0.612318 0.190606 0.0180266 0.028986 0.400395 1336 +0 0.802936 0.361915 0.0132008 0.0336245 0.505866 1340 +0 0.117582 0.656396 0.0241798 0.07429 0.793563 790 +0 0.394492 0.270149 0.0194031 0.0635879 0.393065 1226 +0 0.499924 0.860458 0.0162318 0.0421477 0.573748 1059 +0 0.715394 0.145128 0.0198486 0.0439422 0.670605 23 +0 0.444115 0.869543 0.0323911 0.0565719 0.427173 855 +0 0.285617 0.730065 0.0127768 0.0412721 0.54973 744 +0 0.492418 0.914427 0.014015 0.0387903 0.359443 3 +0 0.399211 0.688854 0.0274426 0.07111 0.653563 562 +0 0.43283 0.689236 0.0157426 0.0365077 0.567049 627 +0 0.326658 0.730845 0.016124 0.0373187 0.448708 732 +0 0.820047 0.807351 0.019753 0.04261 0.472399 733 +0 0.238765 0.369677 0.0149053 0.0422149 0.721729 965 +0 0.788804 0.752431 0.0175145 0.0354548 0.565642 1132 +0 0.834845 0.879955 0.01611 0.0369583 0.701871 1178 diff --git a/src/FlotationAnalytics/output_botsort/track41/labels/image40.txt b/src/FlotationAnalytics/output_botsort/track41/labels/image40.txt new file mode 100644 index 0000000..6bde097 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track41/labels/image40.txt @@ -0,0 +1,179 @@ +0 0.83758 0.741697 0.0533966 0.0971545 0.589122 80 +0 0.304671 0.24 0.0533499 0.107115 0.415905 260 +0 0.601644 0.355229 0.0999111 0.168726 0.833043 274 +0 0.829624 0.673645 0.0352261 0.0570419 0.308685 312 +0 0.302565 0.654898 0.0423037 0.0959131 0.535063 329 +0 0.691205 0.345914 0.0494169 0.133722 0.478386 386 +0 0.639565 0.652209 0.0215561 0.0563462 0.603753 101 +0 0.678689 0.654445 0.0217291 0.0495826 0.640064 456 +0 0.406038 0.566453 0.0233337 0.0544253 0.659832 514 +0 0.484896 0.557482 0.106002 0.182565 0.805184 31 +0 0.730944 0.636337 0.0504688 0.0725036 0.479643 269 +0 0.512935 0.631531 0.0583739 0.1137 0.321418 563 +0 0.938152 0.721358 0.115464 0.159494 0.824278 594 +0 0.541591 0.667472 0.0205542 0.0549961 0.696317 225 +0 0.789169 0.570609 0.0208702 0.0596604 0.523303 272 +0 0.760615 0.563878 0.0173954 0.0434347 0.714601 601 +0 0.453977 0.767419 0.0131117 0.0422441 0.404307 603 +0 0.174487 0.543167 0.0976413 0.236458 0.824829 604 +0 0.862761 0.580563 0.0193151 0.0471602 0.808165 620 +0 0.460127 0.428905 0.0618998 0.0928659 0.629337 625 +0 0.395733 0.511595 0.0180091 0.0469102 0.711469 630 +0 0.496913 0.749312 0.0522911 0.118589 0.602314 14 +0 0.795789 0.465115 0.0986372 0.136195 0.846694 249 +0 0.873914 0.629057 0.0226404 0.0541707 0.404987 656 +0 0.860062 0.680494 0.012472 0.034788 0.390695 674 +0 0.334287 0.418647 0.0591582 0.0991991 0.719583 692 +0 0.44887 0.860993 0.0211827 0.0613412 0.646038 700 +0 0.782913 0.66097 0.0517682 0.0859311 0.450843 219 +0 0.35672 0.48596 0.0154116 0.0340336 0.731358 704 +0 0.539771 0.338098 0.0188192 0.0438021 0.719146 710 +0 0.397637 0.458677 0.0195663 0.0481652 0.703926 711 +0 0.30197 0.410529 0.013551 0.026959 0.302352 713 +0 0.21012 0.73691 0.027321 0.0678576 0.530943 715 +0 0.465852 0.66757 0.0164144 0.039442 0.660444 716 +0 0.51268 0.373181 0.0210097 0.0515425 0.640388 717 +0 0.848506 0.478058 0.0174744 0.0349214 0.487267 369 +0 0.902072 0.614411 0.0153619 0.0421937 0.714404 780 +0 0.615068 0.487121 0.100086 0.122055 0.751397 806 +0 0.932683 0.461032 0.122445 0.23053 0.850127 811 +0 0.711434 0.557998 0.0435017 0.0913421 0.625844 302 +0 0.850532 0.859261 0.0152854 0.0407796 0.691744 467 +0 0.725392 0.475394 0.0205804 0.0558995 0.529841 824 +0 0.576888 0.619734 0.0252945 0.0440796 0.537785 827 +0 0.792417 0.317731 0.0332986 0.0731909 0.379288 828 +0 0.250601 0.798631 0.0242631 0.0776054 0.557336 833 +0 0.649389 0.562459 0.0517667 0.0961883 0.554076 847 +0 0.833101 0.534043 0.0526229 0.101291 0.426899 861 +0 0.861575 0.323115 0.0440346 0.0855772 0.449186 865 +0 0.552988 0.719075 0.0170054 0.0461203 0.60121 867 +0 0.65141 0.720364 0.0208489 0.0534925 0.644867 868 +0 0.487634 0.334412 0.019765 0.0425387 0.695422 870 +0 0.679304 0.250183 0.0206548 0.0511629 0.738715 873 +0 0.655397 0.395943 0.0176022 0.049729 0.725707 874 +0 0.428684 0.284635 0.0901239 0.20138 0.797953 875 +0 0.530729 0.270304 0.0238482 0.0587657 0.49336 877 +0 0.819642 0.341646 0.0163183 0.0441735 0.608371 879 +0 0.71136 0.395566 0.0455944 0.0911161 0.541911 886 +0 0.611845 0.628649 0.0174476 0.0263183 0.627421 888 +0 0.580061 0.665832 0.0228509 0.0483171 0.546019 901 +0 0.266346 0.381542 0.0200527 0.0508289 0.682434 902 +0 0.729001 0.286438 0.0179961 0.0405704 0.648822 909 +0 0.690792 0.490595 0.0180814 0.0296248 0.603659 917 +0 0.743391 0.684932 0.0124114 0.0329507 0.551592 648 +0 0.696418 0.523579 0.016425 0.0281741 0.602343 943 +0 0.368828 0.515699 0.0154124 0.0362629 0.70923 725 +0 0.489129 0.272689 0.0150494 0.0356008 0.574438 945 +0 0.944941 0.599025 0.015567 0.0367819 0.338933 946 +0 0.668339 0.614076 0.0171413 0.0395836 0.732641 950 +0 0.352763 0.574275 0.0352506 0.0699215 0.499676 59 +0 0.481629 0.701852 0.0161964 0.0394308 0.529655 768 +0 0.546349 0.225253 0.0179163 0.0341677 0.548839 968 +0 0.865491 0.390167 0.0138511 0.0390267 0.619361 906 +0 0.260033 0.307094 0.0583105 0.0924363 0.707925 988 +0 0.587538 0.221181 0.0267726 0.0693014 0.545921 994 +0 0.605105 0.711037 0.0165347 0.0390895 0.504651 1001 +0 0.724359 0.24188 0.0144981 0.0297724 0.570538 1002 +0 0.802633 0.168498 0.10869 0.217596 0.830904 174 +0 0.0927547 0.480857 0.0758499 0.196366 0.719805 1027 +0 0.844819 0.245844 0.0687054 0.0958511 0.500814 1032 +0 0.720097 0.20269 0.0213941 0.0444562 0.3206 1041 +0 0.49951 0.20096 0.0296977 0.0733718 0.52954 1049 +0 0.607447 0.595839 0.0153036 0.0293267 0.55394 1053 +0 0.173355 0.382696 0.0174395 0.0470149 0.77404 1056 +0 0.560313 0.294935 0.0173663 0.0448904 0.728669 1057 +0 0.815659 0.609547 0.0156931 0.0394884 0.73693 1064 +0 0.91872 0.256386 0.0305412 0.0645432 0.402324 1065 +0 0.190594 0.333101 0.0168839 0.0448195 0.607652 1066 +0 0.958242 0.566147 0.0162499 0.0392647 0.661637 1068 +0 0.211792 0.233902 0.0625594 0.123314 0.782262 1087 +0 0.156549 0.331833 0.0183554 0.0524877 0.565693 1119 +0 0.669693 0.151248 0.0348175 0.0631315 0.542228 1122 +0 0.474624 0.0183536 0.0478723 0.033548 0.499764 480 +0 0.472709 0.153016 0.0182413 0.0484089 0.69408 1143 +0 0.742005 0.0845576 0.0238107 0.0625422 0.543783 1153 +0 0.632335 0.104976 0.0192456 0.0512911 0.785058 1161 +0 0.601225 0.170716 0.0265504 0.0649033 0.440446 1186 +0 0.322685 0.161577 0.117494 0.164435 0.759316 1195 +0 0.674793 0.0845947 0.0196186 0.0516109 0.771077 1198 +0 0.176078 0.296608 0.0151505 0.0341689 0.646555 1202 +0 0.122444 0.337646 0.0235973 0.0641977 0.527242 1203 +0 0.753388 0.395341 0.01591 0.0403397 0.667597 1204 +0 0.888238 0.179081 0.0128718 0.0365631 0.490572 1205 +0 0.310314 0.381321 0.0182967 0.0364684 0.553399 830 +0 0.734309 0.754914 0.0270804 0.0624069 0.492933 1215 +0 0.167229 0.252716 0.0174574 0.0563956 0.634104 1221 +0 0.739102 0.581519 0.01741 0.0266098 0.471473 884 +0 0.992667 0.618117 0.0140559 0.0526907 0.689823 1239 +0 0.5373 0.0578532 0.0542362 0.0870022 0.697946 1247 +0 0.564708 0.103822 0.0725709 0.0930389 0.733686 93 +0 0.690614 0.749095 0.0182777 0.037648 0.615381 1045 +0 0.772243 0.078205 0.0151856 0.0382403 0.696288 1254 +0 0.241329 0.115217 0.0778747 0.107247 0.766674 1255 +0 0.572408 0.565072 0.0195549 0.0483216 0.590658 1256 +0 0.620988 0.0317626 0.0687204 0.0578318 0.782038 1258 +0 0.389018 0.103745 0.0178356 0.04699 0.674838 1264 +0 0.414164 0.0697604 0.0197235 0.0479096 0.630839 1267 +0 0.764589 0.746499 0.0172875 0.0315097 0.672347 60 +0 0.0795851 0.669884 0.0155981 0.0515263 0.519267 1281 +0 0.764273 0.936146 0.0175245 0.048282 0.690101 1282 +0 0.726524 0.0417054 0.0132517 0.0318747 0.638379 1285 +0 0.75265 0.0434067 0.0127378 0.0302972 0.70831 1287 +0 0.717452 0.0782082 0.0189743 0.0410029 0.421229 1293 +0 0.698773 0.460487 0.0139879 0.029472 0.619797 1296 +0 0.562629 0.834444 0.0183857 0.0597748 0.674949 13 +0 0.893824 0.868429 0.0199425 0.0465163 0.730347 1300 +0 0.762225 0.787067 0.0144917 0.0290995 0.384987 1301 +0 0.430847 0.117221 0.0398228 0.0746527 0.582608 1304 +0 0.523806 0.321396 0.0133823 0.0296733 0.4715 1308 +0 0.477612 0.0775559 0.033438 0.0761469 0.509084 1312 +0 0.790912 0.722486 0.0190102 0.0411001 0.627622 999 +0 0.758322 0.717829 0.0124147 0.0268031 0.523842 228 +0 0.529689 0.422845 0.0184166 0.0476669 0.607086 1220 +0 0.904712 0.923087 0.0144576 0.0389565 0.609784 1316 +0 0.726272 0.698444 0.0153526 0.0421446 0.370754 1317 +0 0.581296 0.786566 0.016502 0.0342934 0.789696 1318 +0 0.877818 0.852553 0.0144984 0.0333263 0.637375 1320 +0 0.950747 0.879581 0.015069 0.0403121 0.584384 1325 +0 0.137862 0.273643 0.0170507 0.0579252 0.603791 1328 +0 0.586766 0.0526938 0.0136605 0.0358065 0.514805 1334 +0 0.607124 0.198661 0.0210138 0.028107 0.304294 1336 +0 0.110344 0.690141 0.0220665 0.0791417 0.392815 790 +0 0.389712 0.279842 0.0185035 0.0529886 0.694999 1226 +0 0.699579 0.0254984 0.0573749 0.0458048 0.739006 1345 +0 0.43753 0.030428 0.0166496 0.0395946 0.494351 1346 +0 0.556669 0.191798 0.0124923 0.0290735 0.598649 1348 +0 0.0773801 0.351336 0.0163854 0.0497442 0.714986 1352 +0 0.930547 0.61694 0.0144821 0.0331813 0.447085 1353 +0 0.605619 0.665111 0.0161235 0.0330989 0.740833 1354 +0 0.868414 0.145169 0.0137444 0.035079 0.670194 1357 +0 0.498517 0.136664 0.0122922 0.0330817 0.443286 1359 +0 0.428088 0.173646 0.0121477 0.032019 0.383545 1365 +0 0.682098 0.448136 0.0105766 0.0320924 0.400554 1367 +0 0.709976 0.141088 0.020332 0.0477621 0.710657 23 +0 0.491634 0.915742 0.0170822 0.0473134 0.642498 3 +0 0.401155 0.690553 0.0238665 0.0566571 0.73414 562 +0 0.427985 0.708834 0.0167323 0.0452357 0.601719 627 +0 0.315822 0.764614 0.0153786 0.0377381 0.386823 732 +0 0.237251 0.395694 0.0157313 0.0491724 0.782299 965 +0 0.80142 0.796825 0.0179402 0.0384599 0.745413 1132 +0 0.392581 0.825726 0.0149346 0.0462001 0.651014 1005 +0 0.576305 0.648338 0.0307517 0.0873324 0.346696 1084 +0 0.298869 0.814239 0.0307331 0.0859829 0.570175 760 +0 0.344966 0.650616 0.0214901 0.0531967 0.577255 919 +0 0.61464 0.78481 0.0112165 0.0171178 0.400558 1048 +0 0.843175 0.619196 0.0122552 0.0285471 0.436903 1074 +0 0.758102 0.383882 0.020302 0.0617236 0.311915 1085 +0 0.309118 0.525587 0.0223563 0.0577456 0.541352 887 +0 0.708423 0.753141 0.0135637 0.0333058 0.559796 1234 +0 0.54248 0.834994 0.0181603 0.0472464 0.50199 448 +0 0.422031 0.849033 0.0212 0.0468356 0.61814 600 +0 0.694078 0.846387 0.0119177 0.0348808 0.462892 92 +0 0.235923 0.762822 0.0157633 0.0405096 0.368769 1073 +0 0.551697 0.886803 0.0279813 0.0607995 0.667221 299 +0 0.355187 0.74528 0.035535 0.0675921 0.711963 775 +0 0.364938 0.459178 0.0117745 0.022944 0.414381 1055 +0 0.599122 0.922256 0.0164163 0.0484111 0.632538 451 +0 0.431101 0.778338 0.0184264 0.0518235 0.745343 1200 +0 0.674787 0.859009 0.0171444 0.0459874 0.784865 948 +0 0.380217 0.415762 0.0165283 0.031666 0.50859 1174 diff --git a/src/FlotationAnalytics/output_botsort/track42/labels/image41.txt b/src/FlotationAnalytics/output_botsort/track42/labels/image41.txt new file mode 100644 index 0000000..32d7c8f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track42/labels/image41.txt @@ -0,0 +1,171 @@ +0 0.83469 0.755761 0.0545507 0.0969097 0.619827 80 +0 0.600454 0.366677 0.100087 0.16835 0.840269 274 +0 0.830716 0.685929 0.0272528 0.0515042 0.320681 312 +0 0.300565 0.676838 0.0280499 0.0782968 0.404171 329 +0 0.689272 0.345441 0.0481289 0.111482 0.50097 386 +0 0.637242 0.661915 0.0218033 0.0596628 0.311826 101 +0 0.675375 0.671201 0.0223785 0.0481627 0.639572 456 +0 0.402865 0.583015 0.0224891 0.0596066 0.702636 514 +0 0.477847 0.589176 0.103883 0.16654 0.772244 31 +0 0.728492 0.65333 0.050263 0.0716631 0.41411 269 +0 0.507386 0.661007 0.0585295 0.0965501 0.499352 563 +0 0.937663 0.737562 0.118551 0.160272 0.819872 594 +0 0.536373 0.700105 0.0195556 0.0507531 0.544306 225 +0 0.787017 0.584978 0.0202385 0.0603158 0.569154 272 +0 0.758773 0.578651 0.017793 0.043936 0.687239 601 +0 0.153594 0.592789 0.11774 0.211572 0.78633 604 +0 0.861055 0.594847 0.018652 0.0484859 0.773377 620 +0 0.458465 0.447137 0.0647734 0.110719 0.753837 625 +0 0.393 0.535513 0.0181107 0.0385175 0.519603 630 +0 0.493768 0.774554 0.0536683 0.112686 0.609204 14 +0 0.794101 0.476041 0.0976855 0.142807 0.82547 249 +0 0.87272 0.644984 0.0202877 0.052799 0.457177 656 +0 0.858121 0.695092 0.011761 0.031724 0.368209 674 +0 0.33465 0.424543 0.0590614 0.105597 0.660803 692 +0 0.780942 0.676608 0.051157 0.0864232 0.480218 219 +0 0.352411 0.498902 0.0191404 0.0414343 0.703592 704 +0 0.537042 0.347385 0.0197824 0.0446059 0.640058 710 +0 0.397006 0.485554 0.0220034 0.0518198 0.537176 711 +0 0.203055 0.769311 0.0230976 0.0638263 0.589559 715 +0 0.509514 0.387014 0.0212452 0.0487488 0.595073 717 +0 0.846001 0.491315 0.016473 0.0348134 0.584473 369 +0 0.899943 0.627682 0.0157008 0.0431488 0.667661 780 +0 0.620996 0.497521 0.0845911 0.119458 0.576791 806 +0 0.931675 0.475402 0.123176 0.226381 0.844471 811 +0 0.709123 0.573111 0.0432146 0.0928453 0.564783 302 +0 0.850024 0.871127 0.0145106 0.0401067 0.61228 467 +0 0.723391 0.488286 0.0215971 0.0573214 0.538706 824 +0 0.570546 0.646927 0.021021 0.0397544 0.374761 827 +0 0.79317 0.325711 0.026941 0.0714679 0.40772 828 +0 0.244175 0.834207 0.0200594 0.0578834 0.624675 833 +0 0.647969 0.575397 0.0508756 0.0919162 0.58364 847 +0 0.82909 0.548526 0.0536395 0.101068 0.496967 861 +0 0.859453 0.334926 0.0443149 0.087884 0.441185 865 +0 0.648454 0.735543 0.0226894 0.0566879 0.335102 868 +0 0.484157 0.35109 0.0196461 0.0411593 0.707987 870 +0 0.677459 0.26088 0.0209499 0.0518255 0.755757 873 +0 0.658668 0.409222 0.0172711 0.0484663 0.72508 874 +0 0.423423 0.301639 0.0916426 0.189893 0.803137 875 +0 0.524592 0.283384 0.0341621 0.0604163 0.373435 877 +0 0.816463 0.35548 0.0166753 0.0452226 0.54717 879 +0 0.709151 0.40727 0.0461885 0.0925193 0.644922 886 +0 0.610444 0.640348 0.0154781 0.0303086 0.702585 888 +0 0.576614 0.688829 0.0244537 0.0539981 0.544603 901 +0 0.264667 0.39471 0.0194115 0.0502695 0.749063 902 +0 0.727341 0.296301 0.0188001 0.0417936 0.720019 909 +0 0.68787 0.505082 0.0182419 0.0309864 0.610503 917 +0 0.741482 0.704616 0.0129083 0.0359768 0.674142 648 +0 0.694696 0.536846 0.0165031 0.0294778 0.535167 943 +0 0.365656 0.528978 0.0165749 0.0366936 0.683249 725 +0 0.485153 0.286556 0.0148671 0.0341166 0.685702 945 +0 0.666188 0.627441 0.0182298 0.0387657 0.749912 950 +0 0.474441 0.728192 0.0143734 0.0369803 0.515948 768 +0 0.543529 0.236421 0.0182983 0.0369107 0.567884 968 +0 0.861631 0.404356 0.0138067 0.0384361 0.566064 906 +0 0.253887 0.324216 0.0578621 0.0927958 0.687209 988 +0 0.585534 0.235332 0.0236132 0.0648831 0.454779 994 +0 0.722596 0.251536 0.0149515 0.0302843 0.654044 1002 +0 0.800476 0.173961 0.107211 0.218915 0.843344 174 +0 0.0866014 0.512347 0.0684922 0.20769 0.565002 1027 +0 0.845445 0.251517 0.0679729 0.0994248 0.430093 1032 +0 0.49747 0.215924 0.0289693 0.0702772 0.584903 1049 +0 0.171382 0.395227 0.0203661 0.0523565 0.797322 1056 +0 0.558316 0.306153 0.0178711 0.0448433 0.732341 1057 +0 0.81281 0.623453 0.0162576 0.0398437 0.645143 1064 +0 0.916797 0.266406 0.0328152 0.073301 0.495881 1065 +0 0.187224 0.340191 0.0167467 0.0466681 0.67175 1066 +0 0.956144 0.578076 0.0160242 0.0409383 0.388705 1068 +0 0.209408 0.246713 0.0682777 0.120436 0.782775 1087 +0 0.152584 0.340853 0.0188995 0.0513859 0.694386 1119 +0 0.667008 0.161543 0.0327824 0.0614851 0.629536 1122 +0 0.476226 0.0197381 0.0594288 0.0394762 0.602 480 +0 0.471827 0.168276 0.0184943 0.0479022 0.703016 1143 +0 0.741269 0.0916191 0.0233362 0.0635738 0.52146 1153 +0 0.630089 0.116741 0.0192233 0.0509168 0.680109 1161 +0 0.597867 0.183964 0.0273132 0.0661158 0.531801 1186 +0 0.326338 0.209436 0.12225 0.228963 0.783485 1195 +0 0.673247 0.0944126 0.0195958 0.050435 0.759416 1198 +0 0.32362 0.384604 0.0153782 0.0379322 0.78099 1202 +0 0.12006 0.364851 0.021194 0.0598507 0.529775 1203 +0 0.752389 0.403018 0.016857 0.0454 0.617585 1204 +0 0.886927 0.183018 0.013729 0.0385056 0.610576 1205 +0 0.308882 0.388958 0.0168798 0.0340973 0.649198 830 +0 0.733565 0.76952 0.0221385 0.0556166 0.463251 1215 +0 0.162427 0.265445 0.0168372 0.0532163 0.697067 1221 +0 0.736358 0.596343 0.018536 0.0307853 0.436797 884 +0 0.991011 0.630597 0.0171352 0.055226 0.665847 1239 +0 0.536685 0.0674395 0.0546063 0.0882658 0.612768 1247 +0 0.562306 0.119171 0.074061 0.095571 0.782722 93 +0 0.689335 0.76304 0.0145097 0.0359913 0.508774 1045 +0 0.770901 0.0853294 0.0149833 0.0374415 0.631562 1254 +0 0.235273 0.125336 0.0851938 0.110079 0.782166 1255 +0 0.570946 0.586607 0.0302303 0.0640785 0.553544 1256 +0 0.620407 0.0366432 0.0684291 0.0681434 0.726833 1258 +0 0.389286 0.111726 0.0172849 0.04407 0.649513 1264 +0 0.4134 0.0814202 0.0203575 0.0437472 0.61395 1267 +0 0.761202 0.764692 0.0163628 0.0307313 0.612593 60 +0 0.725296 0.0479205 0.014014 0.0339082 0.355121 1285 +0 0.752385 0.047966 0.0134863 0.0307825 0.692165 1287 +0 0.71558 0.0867441 0.018911 0.0416997 0.478949 1293 +0 0.696299 0.473304 0.0138593 0.0284515 0.720506 1296 +0 0.559359 0.853931 0.0174242 0.0493827 0.583144 13 +0 0.89396 0.878506 0.0206263 0.0464533 0.69995 1300 +0 0.759523 0.805732 0.0130141 0.0298129 0.400436 1301 +0 0.430567 0.124203 0.0415137 0.0701718 0.594805 1304 +0 0.517246 0.339193 0.0117891 0.0317424 0.3009 1308 +0 0.477177 0.0912318 0.0334399 0.0712386 0.489811 1312 +0 0.787159 0.737369 0.0199346 0.0425817 0.605163 999 +0 0.754929 0.733688 0.0131044 0.0285473 0.573553 228 +0 0.52899 0.442164 0.0208659 0.0595932 0.343603 1220 +0 0.905416 0.929013 0.014892 0.0374372 0.695296 1316 +0 0.722299 0.715464 0.0166067 0.0462119 0.651694 1317 +0 0.575459 0.784678 0.0195366 0.0540252 0.696734 1318 +0 0.877999 0.861936 0.0149144 0.0334588 0.620947 1320 +0 0.949168 0.889726 0.0137836 0.0373364 0.642359 1325 +0 0.133532 0.291361 0.0188244 0.0560703 0.674738 1328 +0 0.58546 0.0645717 0.0149235 0.0377549 0.699863 1334 +0 0.606318 0.208566 0.0193529 0.0314677 0.33923 1336 +0 0.0997764 0.736198 0.0202287 0.0678489 0.554534 790 +0 0.382111 0.292688 0.0179122 0.0495264 0.743224 1226 +0 0.700359 0.0307542 0.0581126 0.0544014 0.741081 1345 +0 0.435779 0.0436278 0.0178543 0.0415299 0.474189 1346 +0 0.554788 0.205186 0.0124566 0.0281691 0.606648 1348 +0 0.0725754 0.372181 0.0171769 0.0508139 0.719078 1352 +0 0.603592 0.673414 0.0111983 0.0277692 0.444806 1354 +0 0.868397 0.154285 0.0141113 0.0331927 0.699099 1357 +0 0.496426 0.151542 0.0117231 0.0320403 0.571379 1359 +0 0.680535 0.459397 0.0113616 0.033046 0.515742 1367 +0 0.399253 0.705566 0.0206638 0.052578 0.631784 562 +0 0.30775 0.76377 0.0143954 0.0433782 0.33209 732 +0 0.233972 0.413981 0.0198266 0.0588036 0.675024 965 +0 0.816679 0.839261 0.0180712 0.0420052 0.593608 1132 +0 0.63397 0.824155 0.0198751 0.0642574 0.618334 1371 +0 0.24489 0.527835 0.0270087 0.0559793 0.654255 1372 +0 0.394571 0.773799 0.0213307 0.0666645 0.659855 1374 +0 0.40916 0.203023 0.014773 0.0412067 0.755247 1375 +0 0.422899 0.78736 0.0205086 0.0574764 0.717955 1377 +0 0.78604 0.783847 0.0177515 0.0345088 0.642496 1378 +0 0.288025 0.622208 0.023704 0.0517806 0.619687 1380 +0 0.25097 0.674145 0.0251298 0.0667083 0.71397 1381 +0 0.333554 0.0323879 0.0166809 0.0416153 0.75345 1393 +0 0.689514 0.801285 0.0112679 0.0284791 0.438605 1397 +0 0.616029 0.247602 0.0133311 0.0344766 0.552655 1402 +0 0.634735 0.242564 0.0144624 0.0330737 0.499551 1406 +0 0.743415 0.562693 0.0106952 0.0224283 0.411322 1412 +0 0.294355 0.837597 0.0358191 0.0971183 0.409223 760 +0 0.344922 0.668253 0.0224452 0.0548578 0.614767 919 +0 0.840936 0.633692 0.0115005 0.029669 0.314437 1074 +0 0.306006 0.545629 0.0185301 0.0513265 0.315677 887 +0 0.709286 0.762644 0.0124632 0.0348072 0.549836 1234 +0 0.537846 0.868833 0.020626 0.0619414 0.400096 448 +0 0.679458 0.84162 0.0159942 0.0415075 0.758797 92 +0 0.553601 0.917536 0.0236362 0.0621904 0.510916 299 +0 0.361797 0.751011 0.0218567 0.0547986 0.61529 775 +0 0.674241 0.885111 0.0174952 0.0525559 0.714138 948 +0 0.255354 0.802783 0.0153385 0.0412229 0.412823 1089 +0 0.217515 0.66533 0.0174625 0.0598428 0.534854 837 +0 0.634799 0.924596 0.0163707 0.0426303 0.695265 582 +0 0.611241 0.778608 0.0161109 0.0486993 0.644837 1138 +0 0.373449 0.637827 0.0153028 0.0368319 0.606663 337 +0 0.994096 0.526386 0.0111292 0.0420976 0.426987 1311 +0 0.286928 0.717423 0.0450389 0.107593 0.389826 744 diff --git a/src/FlotationAnalytics/output_botsort/track43/labels/image42.txt b/src/FlotationAnalytics/output_botsort/track43/labels/image42.txt new file mode 100644 index 0000000..d3a4d2a --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track43/labels/image42.txt @@ -0,0 +1,166 @@ +0 0.829144 0.771951 0.0550983 0.0975386 0.562637 80 +0 0.599207 0.376425 0.100214 0.160907 0.827447 274 +0 0.826841 0.701486 0.0284466 0.051456 0.367641 312 +0 0.294524 0.706876 0.0268876 0.0826008 0.520927 329 +0 0.688511 0.354823 0.048798 0.105825 0.468257 386 +0 0.631774 0.682007 0.037647 0.0852129 0.50299 101 +0 0.67287 0.687031 0.0243331 0.050851 0.554016 456 +0 0.399542 0.599186 0.0230379 0.0618553 0.560642 514 +0 0.471012 0.612928 0.103633 0.16139 0.749533 31 +0 0.725353 0.670234 0.0520919 0.0755267 0.485828 269 +0 0.502397 0.687745 0.0581654 0.0929651 0.521084 563 +0 0.93429 0.7526 0.120916 0.156459 0.834789 594 +0 0.533153 0.726711 0.0211441 0.053738 0.596284 225 +0 0.783802 0.599435 0.0217086 0.0621126 0.481278 272 +0 0.755262 0.593513 0.0181223 0.0456178 0.712828 601 +0 0.146895 0.639182 0.114973 0.198331 0.727563 604 +0 0.858317 0.609566 0.0187167 0.048904 0.718287 620 +0 0.458652 0.463651 0.0678028 0.12091 0.773717 625 +0 0.487321 0.799975 0.0577712 0.122994 0.405936 14 +0 0.791277 0.49169 0.0983885 0.141333 0.815215 249 +0 0.865803 0.661962 0.031874 0.0585261 0.434104 656 +0 0.328953 0.447657 0.0528393 0.110845 0.820234 692 +0 0.777184 0.690763 0.050683 0.0890059 0.524738 219 +0 0.346272 0.520001 0.0187701 0.0450534 0.695551 704 +0 0.535385 0.361138 0.0192662 0.0454248 0.67857 710 +0 0.393717 0.512037 0.0223165 0.0540581 0.416726 711 +0 0.509051 0.403062 0.0207556 0.0547538 0.643459 717 +0 0.843214 0.505138 0.0162253 0.0340699 0.559481 369 +0 0.897146 0.641968 0.0159674 0.0444219 0.694201 780 +0 0.597518 0.510152 0.117311 0.113927 0.772733 806 +0 0.930947 0.487175 0.125227 0.232763 0.872048 811 +0 0.707694 0.585852 0.0401281 0.0896768 0.548435 302 +0 0.84763 0.886777 0.0154108 0.0421392 0.718647 467 +0 0.720532 0.502567 0.0216772 0.0581664 0.517528 824 +0 0.566653 0.672519 0.021797 0.0440883 0.555893 827 +0 0.792774 0.335678 0.0240002 0.072513 0.355795 828 +0 0.644464 0.589025 0.0490222 0.0889419 0.573437 847 +0 0.826114 0.562076 0.054193 0.102495 0.485953 861 +0 0.857396 0.346872 0.0450893 0.0916922 0.494762 865 +0 0.483932 0.368086 0.0190752 0.0474423 0.621982 870 +0 0.675921 0.273199 0.0210307 0.051153 0.738863 873 +0 0.660759 0.421802 0.015949 0.0508236 0.71829 874 +0 0.423454 0.326445 0.0893247 0.158467 0.84256 875 +0 0.522941 0.295455 0.0395265 0.0692409 0.452262 877 +0 0.813971 0.371025 0.0164322 0.0443798 0.630468 879 +0 0.708579 0.418959 0.0459655 0.094297 0.579808 886 +0 0.606111 0.657003 0.0176429 0.0429572 0.612751 888 +0 0.574344 0.714014 0.024644 0.0588082 0.688015 901 +0 0.263018 0.408667 0.0233253 0.049935 0.608398 902 +0 0.726426 0.307095 0.0186643 0.0435926 0.698767 909 +0 0.684556 0.518083 0.0181907 0.0302483 0.422504 917 +0 0.738061 0.72555 0.0131087 0.0363087 0.450076 648 +0 0.691421 0.549325 0.0184695 0.0293884 0.680779 943 +0 0.485819 0.303383 0.0146076 0.033537 0.515214 945 +0 0.664061 0.642176 0.0187889 0.0415538 0.723887 950 +0 0.541159 0.247471 0.0186326 0.0380463 0.38451 968 +0 0.859114 0.4188 0.0132229 0.0374467 0.556526 906 +0 0.246829 0.347031 0.0563106 0.0926562 0.733451 988 +0 0.582317 0.249544 0.022859 0.0630486 0.450688 994 +0 0.721456 0.263253 0.0147509 0.0306012 0.628574 1002 +0 0.79945 0.18528 0.106373 0.228673 0.850379 174 +0 0.0886794 0.476374 0.066431 0.180319 0.451546 1027 +0 0.849855 0.261851 0.0819265 0.0967869 0.404368 1032 +0 0.498982 0.230562 0.0278436 0.0707312 0.632861 1049 +0 0.26847 0.279959 0.018948 0.0486577 0.751131 1056 +0 0.556703 0.319573 0.0173963 0.0460691 0.706419 1057 +0 0.809548 0.637735 0.0163821 0.040821 0.767612 1064 +0 0.916802 0.278549 0.0343725 0.0790973 0.491707 1065 +0 0.186178 0.34696 0.0162264 0.0473423 0.622902 1066 +0 0.953565 0.591778 0.0163087 0.0406936 0.440867 1068 +0 0.204085 0.263546 0.0592135 0.108994 0.52634 1087 +0 0.151389 0.336755 0.0180413 0.0494113 0.620178 1119 +0 0.66463 0.17252 0.0326407 0.0603301 0.63866 1122 +0 0.475655 0.0236606 0.0624431 0.0473212 0.636354 480 +0 0.47589 0.169302 0.0178336 0.0460169 0.760199 1143 +0 0.741916 0.100109 0.0237165 0.0639638 0.527589 1153 +0 0.628191 0.130332 0.0189843 0.050618 0.744469 1161 +0 0.59566 0.196482 0.0276451 0.068748 0.450482 1186 +0 0.361583 0.206496 0.0850609 0.159304 0.694448 1195 +0 0.671572 0.106687 0.0205315 0.049475 0.696026 1198 +0 0.337501 0.376631 0.036176 0.0610061 0.399659 1202 +0 0.751038 0.414139 0.0176077 0.0483104 0.638634 1204 +0 0.885567 0.189763 0.0141051 0.0379573 0.661967 1205 +0 0.306104 0.398622 0.013354 0.0285905 0.437951 830 +0 0.729676 0.792866 0.0214932 0.0595297 0.50974 1215 +0 0.160435 0.272252 0.017373 0.0518661 0.646543 1221 +0 0.733523 0.611195 0.0195097 0.0317599 0.53731 884 +0 0.988603 0.64215 0.0200452 0.0641539 0.567775 1239 +0 0.535672 0.0789733 0.0516672 0.0897143 0.592153 1247 +0 0.561265 0.13129 0.0757022 0.0964277 0.665638 93 +0 0.688744 0.781198 0.0132721 0.0375038 0.511242 1045 +0 0.772052 0.094258 0.0160782 0.0409031 0.66152 1254 +0 0.23644 0.13158 0.0859794 0.125088 0.817094 1255 +0 0.567507 0.605243 0.0324091 0.0733075 0.395188 1256 +0 0.621997 0.0432258 0.0685641 0.0830213 0.737834 1258 +0 0.388269 0.115537 0.0188533 0.0443248 0.739585 1264 +0 0.411806 0.0807487 0.0188848 0.0369691 0.550318 1267 +0 0.754605 0.783212 0.016348 0.0316209 0.667262 60 +0 0.725719 0.0559435 0.014291 0.0325647 0.62128 1285 +0 0.753224 0.0558042 0.0137529 0.0289696 0.768336 1287 +0 0.716099 0.0950349 0.0191157 0.0425757 0.513003 1293 +0 0.693634 0.485613 0.0150719 0.0299484 0.732274 1296 +0 0.89241 0.88987 0.0198862 0.0449043 0.656882 1300 +0 0.754304 0.8279 0.0144794 0.0303306 0.474349 1301 +0 0.430881 0.130021 0.0367365 0.0640192 0.605671 1304 +0 0.480047 0.0947952 0.0353341 0.0703237 0.521886 1312 +0 0.780872 0.755064 0.0199699 0.0438371 0.662219 999 +0 0.90587 0.935846 0.0145006 0.0361557 0.59256 1316 +0 0.717172 0.73421 0.0170544 0.0486761 0.702453 1317 +0 0.56553 0.811073 0.0202999 0.055426 0.580365 1318 +0 0.876633 0.873585 0.0157738 0.035803 0.615588 1320 +0 0.129995 0.293479 0.0187357 0.0607757 0.470352 1328 +0 0.584667 0.0770508 0.0156015 0.0385786 0.708321 1334 +0 0.0953245 0.77264 0.0172356 0.0573818 0.693031 790 +0 0.370769 0.305086 0.0176418 0.0468689 0.666509 1226 +0 0.701619 0.0345665 0.057918 0.0611195 0.7462 1345 +0 0.435425 0.0518805 0.015882 0.0389903 0.579518 1346 +0 0.553614 0.21827 0.0130885 0.0280932 0.577315 1348 +0 0.868809 0.163997 0.0142647 0.0281074 0.602895 1357 +0 0.497849 0.159942 0.0115909 0.0310358 0.425494 1359 +0 0.677605 0.467034 0.0129345 0.0298358 0.45064 1367 +0 0.392276 0.733687 0.0225567 0.0554614 0.654211 562 +0 0.303137 0.785486 0.0143344 0.0471626 0.483987 732 +0 0.232242 0.437882 0.0212402 0.0607252 0.694395 965 +0 0.819528 0.866549 0.0200916 0.0475141 0.601133 1132 +0 0.627792 0.857418 0.0207432 0.0701398 0.711973 1371 +0 0.241884 0.549468 0.0226317 0.0618058 0.67941 1372 +0 0.389105 0.801302 0.0214438 0.0629812 0.714505 1374 +0 0.416858 0.810044 0.022039 0.0561488 0.733252 1377 +0 0.781466 0.802167 0.0155835 0.0323369 0.636696 1378 +0 0.286063 0.642064 0.0197922 0.0463613 0.508332 1380 +0 0.246404 0.705898 0.022202 0.0695667 0.52362 1381 +0 0.331266 0.0456031 0.0168392 0.0407438 0.727056 1393 +0 0.614027 0.260753 0.0125877 0.0355932 0.568515 1402 +0 0.632193 0.256774 0.0139297 0.034321 0.505085 1406 +0 0.341008 0.69247 0.0231071 0.0603349 0.697938 919 +0 0.830431 0.632856 0.012234 0.0270237 0.388026 1074 +0 0.325439 0.596003 0.0433015 0.0922857 0.581297 887 +0 0.529774 0.908908 0.0169571 0.0511023 0.691251 448 +0 0.67275 0.860867 0.01618 0.047793 0.607714 92 +0 0.363694 0.752851 0.0221254 0.0801785 0.341592 775 +0 0.793813 0.829491 0.0185366 0.0454615 0.718354 1413 +0 0.953097 0.239259 0.0158192 0.04457 0.686345 1414 +0 0.297718 0.0843683 0.0166105 0.0445964 0.714883 1415 +0 0.710626 0.176342 0.0226049 0.0507095 0.590746 1420 +0 0.583125 0.0316231 0.0138735 0.0361728 0.499856 1425 +0 0.773226 0.0488892 0.0151868 0.0383278 0.668804 1428 +0 0.393016 0.0306988 0.0360868 0.0524994 0.466194 1429 +0 0.653444 0.264957 0.013088 0.0333039 0.700801 1431 +0 0.21513 0.692045 0.0174039 0.0635273 0.540858 837 +0 0.606675 0.810006 0.0174069 0.0525393 0.613025 1138 +0 0.366619 0.664662 0.0153824 0.0463485 0.450562 337 +0 0.994779 0.53577 0.0101128 0.0393332 0.370382 1311 +0 0.340524 0.0850048 0.0148858 0.0355461 0.583131 907 +0 0.920836 0.887041 0.010841 0.0327851 0.477024 185 +0 0.397375 0.666082 0.0135308 0.0426536 0.372463 805 +0 0.666029 0.237489 0.0124731 0.0264263 0.490773 1144 +0 0.367645 0.144784 0.0141022 0.0378553 0.457326 1277 +0 0.531721 0.228586 0.0129205 0.0302098 0.444541 1332 +0 0.45374 0.718718 0.0145238 0.0442211 0.449284 716 +0 0.939818 0.627453 0.0158572 0.0367724 0.394355 946 +0 0.59609 0.763022 0.0207174 0.0500497 0.736893 1001 +0 0.716588 0.224488 0.0200681 0.0429996 0.338926 1041 +0 0.926225 0.643574 0.0180021 0.0401423 0.319688 1353 +0 0.445669 0.211093 0.0397738 0.0703535 0.596726 1365 +0 0.47984 0.902223 0.0122701 0.0376069 0.313755 1200 diff --git a/src/FlotationAnalytics/output_botsort/track44/labels/image43.txt b/src/FlotationAnalytics/output_botsort/track44/labels/image43.txt new file mode 100644 index 0000000..adcf012 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track44/labels/image43.txt @@ -0,0 +1,156 @@ +0 0.83234 0.77042 0.0329936 0.0630362 0.383301 80 +0 0.600208 0.38664 0.0997414 0.160429 0.814197 274 +0 0.818957 0.717407 0.0361681 0.0540187 0.410518 312 +0 0.29081 0.742914 0.0251639 0.0806969 0.463569 329 +0 0.686421 0.366954 0.0491132 0.106809 0.495322 386 +0 0.667498 0.704369 0.0257182 0.0586686 0.529539 456 +0 0.391179 0.628852 0.022791 0.0624747 0.636909 514 +0 0.466323 0.638737 0.10487 0.162905 0.73959 31 +0 0.723363 0.688766 0.0428297 0.0761047 0.330732 269 +0 0.495344 0.715544 0.0602357 0.0920235 0.478295 563 +0 0.930579 0.769394 0.122728 0.157954 0.84716 594 +0 0.528209 0.753992 0.023808 0.0622534 0.624629 225 +0 0.779119 0.615468 0.0216573 0.0613567 0.528118 272 +0 0.750334 0.612082 0.0187516 0.0478615 0.731954 601 +0 0.146918 0.688955 0.111209 0.211275 0.469392 604 +0 0.854376 0.624826 0.0195519 0.0491959 0.685123 620 +0 0.45733 0.490587 0.0697824 0.123501 0.722777 625 +0 0.479458 0.825738 0.0596264 0.120996 0.436424 14 +0 0.787218 0.506114 0.0997146 0.143794 0.787696 249 +0 0.860847 0.676396 0.0356577 0.0619392 0.439513 656 +0 0.323644 0.48009 0.0557828 0.110726 0.648958 692 +0 0.773268 0.705749 0.0482327 0.0859864 0.4416 219 +0 0.33866 0.549983 0.016491 0.0454691 0.49235 704 +0 0.534444 0.376116 0.0185139 0.0461245 0.704908 710 +0 0.39654 0.490992 0.0267163 0.0638813 0.442729 711 +0 0.510698 0.422667 0.0208757 0.0536764 0.66106 717 +0 0.839584 0.519145 0.0163709 0.0337398 0.573912 369 +0 0.893066 0.656583 0.0173435 0.0448391 0.676074 780 +0 0.585523 0.523754 0.122617 0.118544 0.750823 806 +0 0.928632 0.498513 0.128846 0.239923 0.84235 811 +0 0.700343 0.602691 0.0415735 0.0942689 0.576966 302 +0 0.71509 0.517237 0.0209869 0.0558602 0.572681 824 +0 0.783973 0.352414 0.039398 0.0787462 0.425368 828 +0 0.638847 0.602929 0.0506989 0.0923765 0.529641 847 +0 0.822612 0.577379 0.0545375 0.100554 0.468062 861 +0 0.855368 0.360163 0.0467168 0.0949906 0.400191 865 +0 0.484529 0.389037 0.0197968 0.0492183 0.724304 870 +0 0.67418 0.286248 0.021015 0.0516606 0.750042 873 +0 0.660973 0.44242 0.0175631 0.0504139 0.80715 874 +0 0.42075 0.352423 0.0911023 0.144163 0.833781 875 +0 0.522093 0.308413 0.0331555 0.0705173 0.444928 877 +0 0.811543 0.389103 0.0163153 0.0477182 0.748914 879 +0 0.706642 0.432895 0.0467481 0.0983252 0.53302 886 +0 0.604023 0.656807 0.0127019 0.0352021 0.357578 888 +0 0.568522 0.745628 0.0241342 0.0660803 0.542862 901 +0 0.252625 0.434693 0.0192785 0.0483329 0.651559 902 +0 0.723944 0.318141 0.0189771 0.0403296 0.608351 909 +0 0.677866 0.532069 0.0189674 0.0314006 0.559089 917 +0 0.684654 0.564363 0.0189529 0.0300981 0.614656 943 +0 0.484859 0.330032 0.0140017 0.0378805 0.359611 945 +0 0.658051 0.660204 0.0197176 0.0416987 0.640503 950 +0 0.856598 0.434147 0.0141662 0.0397601 0.682204 906 +0 0.249844 0.361252 0.034086 0.0664989 0.38513 988 +0 0.580676 0.266177 0.0231477 0.0627604 0.465223 994 +0 0.719413 0.277048 0.0129238 0.0283947 0.456776 1002 +0 0.797946 0.196434 0.10508 0.226422 0.836155 174 +0 0.0858457 0.459239 0.0600435 0.154469 0.54587 1027 +0 0.49807 0.244543 0.0269614 0.0736259 0.576967 1049 +0 0.554421 0.332533 0.0171854 0.0471928 0.706403 1057 +0 0.805061 0.653602 0.01708 0.0414391 0.717337 1064 +0 0.91612 0.288262 0.0364903 0.0846146 0.459224 1065 +0 0.192295 0.36285 0.0280295 0.049387 0.44333 1066 +0 0.950533 0.606049 0.0160626 0.0409352 0.439995 1068 +0 0.191465 0.295691 0.033463 0.0695493 0.457635 1087 +0 0.149756 0.341991 0.0176045 0.0496149 0.705152 1119 +0 0.662475 0.185076 0.0298118 0.0598708 0.554763 1122 +0 0.473086 0.0280645 0.0659062 0.0561289 0.627108 480 +0 0.478069 0.168823 0.016735 0.043457 0.785439 1143 +0 0.742543 0.10823 0.0243509 0.0691252 0.515527 1153 +0 0.626424 0.143289 0.0187304 0.0510057 0.76176 1161 +0 0.593803 0.208184 0.0277075 0.0675226 0.455204 1186 +0 0.375156 0.212612 0.0714142 0.106909 0.736243 1195 +0 0.670266 0.119377 0.0188035 0.0481083 0.694835 1198 +0 0.337932 0.390146 0.0539592 0.0709386 0.701603 1202 +0 0.749371 0.42567 0.0185614 0.051247 0.672988 1204 +0 0.885329 0.19781 0.0144614 0.0393061 0.653968 1205 +0 0.160906 0.28061 0.0204286 0.0514338 0.628571 1221 +0 0.726399 0.632102 0.0189354 0.035002 0.425139 884 +0 0.984964 0.653065 0.0228629 0.0696649 0.498748 1239 +0 0.535605 0.0910232 0.052813 0.089513 0.607645 1247 +0 0.560013 0.146736 0.0771288 0.0992848 0.722412 93 +0 0.772402 0.10318 0.0161881 0.0405363 0.616444 1254 +0 0.239895 0.134402 0.0954688 0.124251 0.81428 1255 +0 0.559997 0.629675 0.0389993 0.0826778 0.329628 1256 +0 0.623023 0.0498656 0.0678943 0.0962136 0.746592 1258 +0 0.389186 0.125352 0.0192163 0.0454069 0.734334 1264 +0 0.41154 0.0855324 0.0202364 0.0370716 0.596371 1267 +0 0.746263 0.806649 0.0153947 0.0336961 0.624479 60 +0 0.726573 0.0650785 0.015477 0.0334244 0.54704 1285 +0 0.754056 0.0640326 0.0147105 0.0275516 0.660209 1287 +0 0.716557 0.103348 0.0190746 0.0437145 0.441398 1293 +0 0.890348 0.90142 0.0182079 0.0425205 0.630099 1300 +0 0.429623 0.137852 0.0387552 0.0633964 0.539464 1304 +0 0.48259 0.0990798 0.0287123 0.0645867 0.518856 1312 +0 0.773675 0.775459 0.0193716 0.0481725 0.764163 999 +0 0.709948 0.757555 0.0186402 0.0527902 0.795126 1317 +0 0.556773 0.843201 0.0196827 0.056353 0.539517 1318 +0 0.874092 0.887846 0.0158616 0.0399206 0.668891 1320 +0 0.125508 0.300974 0.0268342 0.0634406 0.382531 1328 +0 0.58407 0.0890206 0.0157978 0.038803 0.714064 1334 +0 0.366565 0.321428 0.0200065 0.0547347 0.597119 1226 +0 0.702249 0.0380876 0.0577536 0.068966 0.714563 1345 +0 0.869102 0.174372 0.0143521 0.0273386 0.701567 1357 +0 0.385942 0.764983 0.0198815 0.0557029 0.538188 562 +0 0.299127 0.820703 0.0136884 0.0489227 0.522764 732 +0 0.225847 0.474597 0.0249827 0.082501 0.604156 965 +0 0.619676 0.898609 0.0196835 0.0651563 0.742858 1371 +0 0.239035 0.586891 0.0186928 0.0627455 0.563353 1372 +0 0.381249 0.835379 0.019036 0.064319 0.545713 1374 +0 0.410053 0.835192 0.020985 0.0595645 0.747685 1377 +0 0.290061 0.677095 0.0165709 0.0509359 0.365814 1380 +0 0.228781 0.6784 0.0213293 0.0782022 0.396146 1381 +0 0.332086 0.0518625 0.0180101 0.042215 0.738022 1393 +0 0.612307 0.274682 0.011923 0.0353022 0.524421 1402 +0 0.629556 0.270171 0.0124095 0.0326278 0.335256 1406 +0 0.337673 0.712262 0.0182322 0.0476781 0.532033 919 +0 0.82421 0.642258 0.0124833 0.0271208 0.323528 1074 +0 0.331292 0.628828 0.0452921 0.11045 0.413372 887 +0 0.358352 0.760658 0.0172363 0.0553155 0.674904 775 +0 0.952928 0.246872 0.0153987 0.0447054 0.694899 1414 +0 0.300667 0.069442 0.0152784 0.0348473 0.627312 1415 +0 0.708246 0.187471 0.0210854 0.0495465 0.531526 1420 +0 0.581855 0.0426571 0.0151218 0.0372719 0.608244 1425 +0 0.773655 0.0571855 0.0149925 0.0385462 0.565323 1428 +0 0.397305 0.0385939 0.0246204 0.0505211 0.467207 1429 +0 0.215638 0.72779 0.0147921 0.0537955 0.602717 837 +0 0.359985 0.698827 0.0151391 0.0482478 0.457964 337 +0 0.994423 0.545409 0.0101974 0.0447274 0.426938 1311 +0 0.748844 0.0248338 0.0168777 0.0417809 0.637045 1442 +0 0.985181 0.387364 0.0152071 0.0384521 0.643713 1447 +0 0.342154 0.081364 0.0131565 0.0289413 0.428509 907 +0 0.392676 0.69849 0.0134734 0.044379 0.456507 805 +0 0.663466 0.250605 0.0120663 0.0270216 0.506904 1144 +0 0.367017 0.152942 0.0164598 0.0414335 0.762455 1277 +0 0.528837 0.23957 0.0129553 0.0320689 0.60475 1332 +0 0.935192 0.638651 0.0176102 0.0390938 0.352095 946 +0 0.708557 0.235466 0.034773 0.0485533 0.335534 1041 +0 0.921312 0.65875 0.0168235 0.0404078 0.440449 1353 +0 0.449358 0.22797 0.048756 0.0855886 0.57869 1365 +0 0.163473 0.694819 0.055494 0.184331 0.315309 778 +0 0.699014 0.285803 0.0129037 0.034568 0.382409 871 +0 0.278879 0.516643 0.0158962 0.0437874 0.375183 709 +0 0.700401 0.103047 0.0157994 0.0444588 0.333072 1199 +0 0.477119 0.915708 0.0146012 0.0400911 0.583186 1059 +0 0.190409 0.198484 0.0201236 0.0485085 0.747344 260 +0 0.300862 0.26994 0.0219755 0.0494943 0.68145 59 +0 0.591947 0.648866 0.0119559 0.0271036 0.375935 1053 +0 0.0689958 0.716085 0.0193578 0.0590354 0.705848 1281 +0 0.667583 0.0717603 0.0143445 0.0354838 0.629288 23 +0 0.493081 0.947991 0.0160462 0.0424787 0.437124 3 +0 0.56321 0.707742 0.0271503 0.0720938 0.622659 1084 +0 0.38687 0.556008 0.0202188 0.0558138 0.663299 630 +0 0.641365 0.786682 0.0321503 0.0740943 0.337723 868 +0 0.743662 0.770596 0.0123745 0.0344966 0.54864 228 +0 0.603447 0.237302 0.0146893 0.0291203 0.428871 1336 +0 0.594548 0.693198 0.0177732 0.0472865 0.640712 1354 diff --git a/src/FlotationAnalytics/output_botsort/track45/labels/image44.txt b/src/FlotationAnalytics/output_botsort/track45/labels/image44.txt new file mode 100644 index 0000000..1aee854 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track45/labels/image44.txt @@ -0,0 +1,147 @@ +0 0.829284 0.778894 0.0197081 0.0432271 0.401246 80 +0 0.599272 0.402644 0.097947 0.162696 0.811262 274 +0 0.816819 0.733137 0.0293764 0.0547511 0.402675 312 +0 0.28878 0.740902 0.016607 0.0591648 0.536225 329 +0 0.685384 0.379595 0.0520985 0.106227 0.572431 386 +0 0.659858 0.717742 0.0315092 0.0797505 0.417833 456 +0 0.387278 0.664769 0.0237608 0.0690102 0.694894 514 +0 0.463205 0.667021 0.110268 0.170374 0.732604 31 +0 0.711542 0.711833 0.0436554 0.0818254 0.380284 269 +0 0.489272 0.747596 0.0587163 0.0974398 0.47918 563 +0 0.925948 0.780279 0.127356 0.152806 0.81315 594 +0 0.523928 0.78357 0.0242347 0.0648376 0.550422 225 +0 0.773357 0.632299 0.0222549 0.0634946 0.655613 272 +0 0.743791 0.631465 0.0197662 0.0534526 0.589538 601 +0 0.144221 0.736325 0.120465 0.216889 0.329149 604 +0 0.84968 0.640631 0.0207337 0.0503893 0.740869 620 +0 0.45618 0.518938 0.0680243 0.124287 0.702478 625 +0 0.477258 0.838972 0.0302308 0.075281 0.352397 14 +0 0.779578 0.522136 0.0990075 0.141338 0.834997 249 +0 0.855129 0.692883 0.0355936 0.0616282 0.385164 656 +0 0.314774 0.523071 0.0521278 0.113886 0.496608 692 +0 0.767632 0.723368 0.0490482 0.0843976 0.353989 219 +0 0.533846 0.394953 0.0186337 0.0488023 0.674698 710 +0 0.392101 0.496112 0.0243996 0.0691539 0.439278 711 +0 0.51125 0.444883 0.0208907 0.0559671 0.659013 717 +0 0.834934 0.535188 0.0167947 0.0335514 0.568526 369 +0 0.887883 0.671434 0.0173595 0.0449904 0.687806 780 +0 0.578765 0.544321 0.122166 0.130106 0.781882 806 +0 0.924477 0.504887 0.136239 0.249239 0.831445 811 +0 0.693527 0.620786 0.0449011 0.0993288 0.553411 302 +0 0.70826 0.532856 0.0207102 0.0573322 0.473104 824 +0 0.780538 0.366931 0.0409265 0.0816444 0.405822 828 +0 0.632643 0.621407 0.0487354 0.0962225 0.496789 847 +0 0.819523 0.59006 0.0526718 0.106691 0.377659 861 +0 0.849176 0.376754 0.0454807 0.0967854 0.462959 865 +0 0.484067 0.412643 0.0232143 0.0547968 0.605614 870 +0 0.672677 0.29923 0.0208091 0.0520304 0.747334 873 +0 0.659787 0.460014 0.0179291 0.0501115 0.755828 874 +0 0.419792 0.381845 0.0889482 0.142153 0.825707 875 +0 0.517732 0.329772 0.0383603 0.0802564 0.58918 877 +0 0.807001 0.41139 0.0175365 0.0498886 0.692361 879 +0 0.702932 0.447215 0.049223 0.0983831 0.558002 886 +0 0.562262 0.780061 0.022916 0.0618044 0.685952 901 +0 0.245136 0.474815 0.0162293 0.0549672 0.34044 902 +0 0.722058 0.328884 0.0195929 0.0405317 0.656418 909 +0 0.671906 0.548911 0.0194842 0.0342206 0.528578 917 +0 0.677439 0.580885 0.0192478 0.0309334 0.577443 943 +0 0.481622 0.356741 0.0141734 0.0387083 0.553396 945 +0 0.649912 0.684585 0.0187383 0.0447018 0.616932 950 +0 0.851398 0.4508 0.0143704 0.0404082 0.536455 906 +0 0.577473 0.276743 0.0286148 0.067162 0.452456 994 +0 0.718111 0.28936 0.0130078 0.0253694 0.436494 1002 +0 0.796372 0.205232 0.105503 0.225577 0.85458 174 +0 0.0827025 0.465013 0.0541233 0.137214 0.671767 1027 +0 0.49738 0.259588 0.0311598 0.0824853 0.431106 1049 +0 0.552794 0.349189 0.0174507 0.0504232 0.732887 1057 +0 0.799247 0.670535 0.0179691 0.043279 0.695334 1064 +0 0.914656 0.299897 0.0368923 0.0861434 0.54791 1065 +0 0.205922 0.390999 0.0280709 0.0685697 0.509587 1066 +0 0.946022 0.617619 0.0153705 0.037732 0.535245 1068 +0 0.187448 0.323747 0.0235422 0.0631481 0.663775 1087 +0 0.151219 0.362668 0.0185484 0.053527 0.653566 1119 +0 0.659804 0.199535 0.0307155 0.0616325 0.581496 1122 +0 0.473093 0.0339406 0.0681229 0.0678813 0.698258 480 +0 0.479633 0.173357 0.0172495 0.0419037 0.742827 1143 +0 0.741634 0.118372 0.0244078 0.0666551 0.548981 1153 +0 0.624611 0.156517 0.0189026 0.0527986 0.733434 1161 +0 0.591478 0.222966 0.0274892 0.0690783 0.52691 1186 +0 0.378093 0.223711 0.0663985 0.0996595 0.665119 1195 +0 0.668487 0.133411 0.0182809 0.0471347 0.753643 1198 +0 0.326276 0.411539 0.0801173 0.0917786 0.737821 1202 +0 0.746684 0.438533 0.0196854 0.053113 0.589299 1204 +0 0.88438 0.205723 0.014506 0.0387912 0.672004 1205 +0 0.158332 0.296996 0.0192588 0.0573845 0.645208 1221 +0 0.718021 0.653853 0.0191301 0.0364754 0.45568 884 +0 0.980741 0.663312 0.0245422 0.0722263 0.495786 1239 +0 0.533531 0.104413 0.052921 0.0910054 0.648086 1247 +0 0.55807 0.160487 0.0759792 0.0999335 0.784357 93 +0 0.771566 0.111167 0.0160683 0.0402933 0.660584 1254 +0 0.250292 0.136855 0.107806 0.1586 0.721176 1255 +0 0.55412 0.658862 0.0456355 0.0875855 0.356484 1256 +0 0.624225 0.0562108 0.0652649 0.106968 0.732276 1258 +0 0.389873 0.136383 0.0192237 0.0464452 0.728779 1264 +0 0.412168 0.0970748 0.0197949 0.0410246 0.595214 1267 +0 0.725927 0.0742594 0.0155338 0.0337508 0.524073 1285 +0 0.753353 0.0730859 0.0145256 0.0277219 0.730068 1287 +0 0.714856 0.112021 0.0188744 0.0434485 0.487339 1293 +0 0.476502 0.43759 0.0188264 0.0477707 0.723116 1300 +0 0.431643 0.147706 0.0349627 0.059965 0.59243 1304 +0 0.484029 0.107444 0.0260878 0.0642009 0.461483 1312 +0 0.765271 0.798184 0.0180066 0.0508234 0.692308 999 +0 0.869998 0.904196 0.0176212 0.0455351 0.785266 1320 +0 0.125 0.317491 0.0235469 0.0638414 0.610763 1328 +0 0.583385 0.101451 0.0162976 0.0389281 0.70331 1334 +0 0.360773 0.344091 0.019378 0.055628 0.756142 1226 +0 0.701624 0.0422874 0.0576176 0.0766458 0.682573 1345 +0 0.868825 0.183216 0.0130163 0.0236077 0.487272 1357 +0 0.22124 0.519343 0.0221343 0.0866982 0.627421 965 +0 0.620067 0.921873 0.0167691 0.0468632 0.578589 1371 +0 0.237829 0.626899 0.0145837 0.0558522 0.314934 1372 +0 0.223686 0.699888 0.0208895 0.0896965 0.386739 1381 +0 0.333049 0.0589233 0.0176942 0.0419138 0.746498 1393 +0 0.609757 0.288322 0.0121141 0.035118 0.417952 1402 +0 0.627408 0.283443 0.0124535 0.0313482 0.405051 1406 +0 0.818057 0.65686 0.0118491 0.0250548 0.346149 1074 +0 0.330009 0.670223 0.0490023 0.121894 0.569569 887 +0 0.354426 0.748835 0.0131332 0.0472951 0.315507 775 +0 0.952427 0.253788 0.0162533 0.0477598 0.562233 1414 +0 0.705915 0.199335 0.0201214 0.0514717 0.500792 1420 +0 0.58135 0.0550248 0.0163411 0.038585 0.619996 1425 +0 0.772581 0.0658498 0.0155701 0.0373726 0.673539 1428 +0 0.399992 0.0503047 0.0215805 0.0497413 0.561629 1429 +0 0.993733 0.555003 0.010631 0.048851 0.422848 1311 +0 0.747639 0.0319099 0.0172366 0.0455445 0.552577 1442 +0 0.98201 0.398112 0.0159436 0.0374412 0.615043 1447 +0 0.661473 0.263012 0.0133273 0.0291447 0.588981 1144 +0 0.368424 0.164362 0.0167795 0.0435627 0.72597 1277 +0 0.528266 0.254054 0.0135023 0.0373092 0.605224 1332 +0 0.929331 0.649557 0.0178351 0.0362049 0.440469 946 +0 0.704546 0.235617 0.0411829 0.0827333 0.319427 1041 +0 0.915179 0.673081 0.0187167 0.0409411 0.504703 1353 +0 0.451828 0.246144 0.0537156 0.103282 0.450686 1365 +0 0.34414 0.182435 0.0141277 0.042729 0.622742 1469 +0 0.323577 0.123694 0.0172153 0.050703 0.517865 1470 +0 0.169326 0.239262 0.0179148 0.0502593 0.667967 1472 +0 0.314067 0.324946 0.0429462 0.0714711 0.473111 1473 +0 0.8624 0.215138 0.0149773 0.0353003 0.615485 1482 +0 0.170046 0.695299 0.0402742 0.144996 0.387173 778 +0 0.697967 0.298663 0.0132225 0.035285 0.385076 871 +0 0.28168 0.511803 0.0145596 0.0422473 0.398476 709 +0 0.698157 0.112119 0.0149843 0.0450733 0.4868 1199 +0 0.262641 0.234805 0.0187121 0.0473806 0.581191 59 +0 0.586074 0.674846 0.0116382 0.0279427 0.323678 1053 +0 0.556266 0.737185 0.0246194 0.0616352 0.407844 1084 +0 0.381452 0.595924 0.0178501 0.0460551 0.440531 630 +0 0.632033 0.80936 0.0270686 0.0666599 0.632507 868 +0 0.600902 0.253485 0.0140913 0.0282173 0.313081 1336 +0 0.587154 0.708504 0.017497 0.038727 0.487287 1354 +0 0.639126 0.955815 0.0133947 0.0355231 0.589148 63 +0 0.236822 0.29248 0.0180514 0.062591 0.37093 1266 +0 0.117499 0.412813 0.0141403 0.0447801 0.336532 1203 +0 0.263366 0.700103 0.0284801 0.0886401 0.663877 744 +0 0.848096 0.282153 0.0742096 0.0959247 0.387007 1032 +0 0.292782 0.284297 0.0144446 0.0415786 0.384608 1056 +0 0.712167 0.863926 0.0146536 0.0445181 0.332096 1215 +0 0.682525 0.513583 0.0139526 0.0292379 0.315861 1296 +0 0.649129 0.292563 0.0132611 0.0328898 0.343987 1431 diff --git a/src/FlotationAnalytics/output_botsort/track46/labels/image45.txt b/src/FlotationAnalytics/output_botsort/track46/labels/image45.txt new file mode 100644 index 0000000..3550e10 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track46/labels/image45.txt @@ -0,0 +1,142 @@ +0 0.597644 0.424638 0.0976858 0.158875 0.802723 274 +0 0.811942 0.751946 0.0250732 0.0576608 0.613959 312 +0 0.683539 0.393241 0.0518551 0.110418 0.546879 386 +0 0.652859 0.744755 0.0300912 0.076997 0.501408 456 +0 0.37963 0.656954 0.0210205 0.0650125 0.398154 514 +0 0.456014 0.704448 0.103895 0.17726 0.574593 31 +0 0.703324 0.738154 0.0357044 0.077543 0.414833 269 +0 0.488315 0.78083 0.051171 0.101537 0.473206 563 +0 0.922119 0.796665 0.132224 0.153701 0.817573 594 +0 0.767089 0.650733 0.0218683 0.0647045 0.596108 272 +0 0.737391 0.652179 0.018855 0.0534586 0.750685 601 +0 0.156397 0.759388 0.0557166 0.116346 0.388749 604 +0 0.843915 0.660658 0.020621 0.0520743 0.694926 620 +0 0.774057 0.540816 0.0983787 0.144475 0.811919 249 +0 0.851164 0.711881 0.0320464 0.0627609 0.446204 656 +0 0.30968 0.565715 0.0480505 0.104075 0.468395 692 +0 0.769593 0.738845 0.0326862 0.0693911 0.671525 219 +0 0.530659 0.416037 0.019193 0.0501384 0.656439 710 +0 0.391558 0.518585 0.033558 0.0781312 0.472095 711 +0 0.508431 0.468911 0.020383 0.0585371 0.695251 717 +0 0.828898 0.552741 0.0169814 0.0328331 0.437518 369 +0 0.882324 0.687993 0.0177885 0.0439443 0.657015 780 +0 0.569233 0.56895 0.119074 0.141276 0.755793 806 +0 0.922356 0.516063 0.14148 0.261206 0.833842 811 +0 0.689518 0.638731 0.0367002 0.0940312 0.472904 302 +0 0.702627 0.551515 0.0217532 0.0584591 0.536411 824 +0 0.78227 0.377997 0.0294868 0.070557 0.467746 828 +0 0.626702 0.644405 0.0483972 0.0944135 0.346455 847 +0 0.820319 0.605792 0.0395192 0.100318 0.344125 861 +0 0.843814 0.391104 0.0484727 0.0990817 0.426991 865 +0 0.481874 0.435407 0.0220796 0.0634347 0.568027 870 +0 0.67095 0.31194 0.0214306 0.0535 0.665861 873 +0 0.65775 0.476084 0.0170484 0.0486938 0.671776 874 +0 0.417168 0.40694 0.0851295 0.14148 0.782114 875 +0 0.516457 0.350731 0.0268087 0.0705647 0.646388 877 +0 0.801672 0.430092 0.018402 0.0535441 0.687045 879 +0 0.700738 0.463776 0.0491462 0.101867 0.539718 886 +0 0.556612 0.814517 0.0253094 0.0666541 0.352798 901 +0 0.241155 0.516662 0.0177307 0.0604372 0.655232 902 +0 0.719338 0.339548 0.0195437 0.0415608 0.705962 909 +0 0.66611 0.567062 0.0190942 0.0371985 0.469194 917 +0 0.671421 0.60334 0.0175314 0.0316969 0.575385 943 +0 0.476968 0.380178 0.014878 0.0424371 0.469094 945 +0 0.642211 0.708961 0.0172839 0.0402835 0.680452 950 +0 0.844262 0.470384 0.0174623 0.0450163 0.629597 906 +0 0.574345 0.292705 0.0285154 0.0681535 0.495891 994 +0 0.794611 0.216959 0.107361 0.228095 0.842654 174 +0 0.0817237 0.485597 0.052414 0.120113 0.720403 1027 +0 0.495736 0.282506 0.0338055 0.0831786 0.410917 1049 +0 0.5504 0.368298 0.0179013 0.0527728 0.766575 1057 +0 0.793466 0.68992 0.0185395 0.0463142 0.744084 1064 +0 0.91309 0.310819 0.0374797 0.0863156 0.550393 1065 +0 0.210832 0.42333 0.0319199 0.072468 0.424876 1066 +0 0.941313 0.628211 0.0158228 0.0392878 0.506204 1068 +0 0.18671 0.352487 0.0236162 0.0642971 0.571786 1087 +0 0.153444 0.38872 0.018981 0.0512103 0.553242 1119 +0 0.656692 0.211464 0.030648 0.0634478 0.547471 1122 +0 0.471301 0.0404991 0.0707698 0.0809983 0.680801 480 +0 0.4844 0.180969 0.0174031 0.0431737 0.650976 1143 +0 0.740573 0.129026 0.0240711 0.0650632 0.534894 1153 +0 0.623001 0.171312 0.0184258 0.0523251 0.760701 1161 +0 0.588733 0.23819 0.0272274 0.0709096 0.481614 1186 +0 0.381018 0.241311 0.0673402 0.0946129 0.712404 1195 +0 0.667128 0.146141 0.0168074 0.04456 0.77595 1198 +0 0.317127 0.4422 0.0959357 0.101201 0.752211 1202 +0 0.744529 0.454333 0.0218079 0.0604709 0.685973 1204 +0 0.883539 0.213514 0.0146563 0.0391838 0.65365 1205 +0 0.157054 0.319729 0.0186603 0.0597365 0.636861 1221 +0 0.711665 0.678653 0.0206124 0.0392336 0.411624 884 +0 0.976022 0.675996 0.0273015 0.0743463 0.710779 1239 +0 0.533423 0.116349 0.0521158 0.0906819 0.635714 1247 +0 0.556149 0.17737 0.0787687 0.100475 0.630385 93 +0 0.770609 0.122074 0.0163334 0.0426317 0.601369 1254 +0 0.254012 0.147837 0.104207 0.18107 0.65275 1255 +0 0.55242 0.685457 0.0334095 0.0834933 0.332499 1256 +0 0.624699 0.0637881 0.0624797 0.116407 0.711957 1258 +0 0.391752 0.151088 0.019309 0.0476533 0.695264 1264 +0 0.412735 0.112195 0.0201582 0.0474237 0.602942 1267 +0 0.724445 0.0837846 0.0162688 0.0358825 0.564503 1285 +0 0.752374 0.0827463 0.015073 0.0283993 0.616365 1287 +0 0.714054 0.123353 0.019891 0.0446053 0.52616 1293 +0 0.397137 0.329471 0.0212843 0.0521922 0.328165 1300 +0 0.433245 0.159832 0.0346417 0.0630754 0.56842 1304 +0 0.485187 0.118918 0.0254277 0.0623661 0.451598 1312 +0 0.699478 0.368226 0.0152335 0.0402454 0.727717 999 +0 0.863554 0.922101 0.0180585 0.0465168 0.730243 1320 +0 0.124349 0.343453 0.0233839 0.0671042 0.61607 1328 +0 0.583313 0.113269 0.015979 0.0398482 0.705361 1334 +0 0.356999 0.368838 0.0207379 0.0603485 0.680947 1226 +0 0.700832 0.0476366 0.0560282 0.0880386 0.685485 1345 +0 0.867699 0.192145 0.0125067 0.0230518 0.544257 1357 +0 0.217244 0.555945 0.0193885 0.0709371 0.746268 965 +0 0.606123 0.927662 0.0155324 0.040242 0.726626 1371 +0 0.333789 0.0724132 0.0192518 0.0480102 0.718392 1393 +0 0.607332 0.304078 0.0126313 0.0353955 0.499153 1402 +0 0.812208 0.676594 0.0122175 0.026527 0.309478 1074 +0 0.328174 0.711575 0.0526252 0.128352 0.609426 887 +0 0.951519 0.260381 0.0162809 0.0487423 0.569989 1414 +0 0.704874 0.210568 0.0195081 0.0536841 0.426053 1420 +0 0.581295 0.0667818 0.0161464 0.0380513 0.581558 1425 +0 0.772046 0.0748733 0.0158128 0.036848 0.598309 1428 +0 0.40073 0.0637261 0.0211723 0.0501657 0.645736 1429 +0 0.993403 0.563116 0.0110374 0.0507934 0.375935 1311 +0 0.746561 0.0385237 0.0167603 0.0472741 0.610931 1442 +0 0.978781 0.407198 0.0154085 0.0351229 0.590783 1447 +0 0.659181 0.277364 0.0131573 0.029497 0.520095 1144 +0 0.372054 0.180901 0.0170969 0.0446414 0.660858 1277 +0 0.923949 0.665276 0.0180923 0.0407162 0.542239 946 +0 0.70168 0.250468 0.0444392 0.083085 0.337804 1041 +0 0.455429 0.25675 0.0560632 0.100543 0.500703 1365 +0 0.346461 0.197876 0.0143997 0.0455777 0.570413 1469 +0 0.324252 0.13979 0.0171016 0.0499962 0.579574 1470 +0 0.169262 0.259273 0.0171082 0.0506434 0.700731 1472 +0 0.314453 0.347946 0.0388067 0.0772108 0.417848 1473 +0 0.861519 0.225335 0.0149493 0.0361704 0.574778 1482 +0 0.173253 0.704612 0.0261947 0.0896482 0.694766 778 +0 0.696223 0.122565 0.0139159 0.043984 0.503088 1199 +0 0.547991 0.774668 0.0225938 0.0612004 0.51537 1084 +0 0.375182 0.604098 0.0161766 0.0405018 0.402566 630 +0 0.628188 0.835518 0.0236377 0.0661503 0.617075 868 +0 0.598776 0.267867 0.0135221 0.0281268 0.456693 1336 +0 0.581127 0.720844 0.0198021 0.0348395 0.306186 1354 +0 0.206903 0.290222 0.0144955 0.047972 0.593357 1490 +0 0.106136 0.594745 0.0629736 0.137366 0.642137 1496 +0 0.342603 0.109475 0.0155851 0.0331899 0.474377 1498 +0 0.234979 0.316481 0.0232642 0.0683667 0.388518 1266 +0 0.11715 0.440098 0.0121907 0.0449095 0.44459 1203 +0 0.242415 0.709257 0.0227508 0.0551005 0.702249 744 +0 0.851518 0.293045 0.0837905 0.0930017 0.323388 1032 +0 0.646855 0.306424 0.0132523 0.0362174 0.548509 1431 +0 0.486438 0.778001 0.0274295 0.0875915 0.406269 912 +0 0.959662 0.900617 0.0197187 0.0395886 0.545013 234 +0 0.183783 0.520596 0.0146795 0.0451407 0.600422 705 +0 0.607819 0.743677 0.039958 0.092785 0.364373 101 +0 0.733868 0.738081 0.0174636 0.0468532 0.549842 648 +0 0.503947 0.190026 0.0110026 0.0323864 0.388818 1359 +0 0.669327 0.513455 0.0121217 0.0290346 0.459713 1367 +0 0.589399 0.664518 0.0130336 0.0384633 0.371591 888 +0 0.303768 0.100822 0.0147156 0.0420906 0.327109 1415 +0 0.221486 0.763261 0.0193107 0.0759695 0.490651 837 +0 0.367565 0.0269485 0.0598374 0.0463105 0.449819 907 +0 0.382571 0.718693 0.0245092 0.0725536 0.48185 805 diff --git a/src/FlotationAnalytics/output_botsort/track47/labels/image46.txt b/src/FlotationAnalytics/output_botsort/track47/labels/image46.txt new file mode 100644 index 0000000..5a4e997 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track47/labels/image46.txt @@ -0,0 +1,142 @@ +0 0.594971 0.456369 0.0979111 0.150107 0.797778 274 +0 0.80471 0.775977 0.0222207 0.054845 0.515839 312 +0 0.680238 0.411355 0.0559961 0.115024 0.458237 386 +0 0.644599 0.77834 0.02747 0.0723579 0.529672 456 +0 0.374798 0.684322 0.020469 0.0639242 0.62633 514 +0 0.446743 0.757803 0.0972744 0.197061 0.65457 31 +0 0.695981 0.76884 0.0301012 0.0716489 0.446359 269 +0 0.48298 0.820685 0.0426101 0.0996827 0.327726 563 +0 0.916575 0.814891 0.133324 0.154039 0.757003 594 +0 0.760464 0.67712 0.0224866 0.0671346 0.697806 272 +0 0.73002 0.680022 0.0195312 0.0549208 0.525592 601 +0 0.600336 0.222061 0.018479 0.0465635 0.752813 604 +0 0.838355 0.686163 0.0210808 0.0533125 0.777014 620 +0 0.767726 0.566655 0.0984903 0.146803 0.819717 249 +0 0.846262 0.737921 0.0264928 0.0608065 0.42906 656 +0 0.305341 0.613736 0.0422766 0.1039 0.453315 692 +0 0.761548 0.767729 0.033935 0.0742193 0.556637 219 +0 0.527033 0.441081 0.0189545 0.0501497 0.736596 710 +0 0.383129 0.552817 0.0258986 0.0790638 0.47937 711 +0 0.504249 0.498599 0.0211757 0.0600315 0.691673 717 +0 0.821507 0.575416 0.0175927 0.0341814 0.381398 369 +0 0.874396 0.709539 0.0172293 0.0429297 0.650613 780 +0 0.563847 0.601615 0.11704 0.152195 0.760874 806 +0 0.918153 0.537646 0.143301 0.259653 0.825966 811 +0 0.683074 0.670127 0.0388947 0.102047 0.396648 302 +0 0.695638 0.575348 0.024594 0.0652657 0.553746 824 +0 0.781066 0.391984 0.0218886 0.0642307 0.638469 828 +0 0.620162 0.676997 0.0477548 0.0980087 0.514657 847 +0 0.81925 0.612556 0.02658 0.0967394 0.372588 861 +0 0.839767 0.4109 0.0517377 0.102289 0.622719 865 +0 0.477728 0.467508 0.0218282 0.0600828 0.726579 870 +0 0.667606 0.328769 0.0215907 0.0529909 0.718133 873 +0 0.654344 0.500206 0.0177327 0.0497221 0.659876 874 +0 0.413279 0.44163 0.0815601 0.144724 0.748068 875 +0 0.51266 0.378885 0.0215517 0.0678452 0.62058 877 +0 0.796176 0.452467 0.019148 0.0553069 0.60014 879 +0 0.699351 0.480706 0.0456979 0.101926 0.403061 886 +0 0.542077 0.834406 0.0218226 0.0711855 0.697706 901 +0 0.238318 0.55389 0.0175406 0.0570352 0.722017 902 +0 0.715941 0.353968 0.0196442 0.044149 0.703695 909 +0 0.658766 0.592015 0.0197405 0.0457295 0.378769 917 +0 0.664215 0.630126 0.0186397 0.0355633 0.624052 943 +0 0.470732 0.409658 0.0153512 0.0420367 0.493365 945 +0 0.836986 0.491775 0.017207 0.0466895 0.682161 906 +0 0.569376 0.309974 0.026774 0.0693709 0.47752 994 +0 0.792452 0.229985 0.106822 0.227942 0.831304 174 +0 0.0802042 0.523562 0.0527042 0.124396 0.518242 1027 +0 0.490625 0.308398 0.0439833 0.0875879 0.437949 1049 +0 0.547609 0.390604 0.0175046 0.051403 0.738734 1057 +0 0.786986 0.714049 0.0188357 0.0480305 0.765511 1064 +0 0.911397 0.323126 0.0396281 0.0907176 0.483956 1065 +0 0.20639 0.45796 0.0393021 0.0728631 0.490723 1066 +0 0.18459 0.379862 0.0240052 0.0669765 0.63323 1087 +0 0.150971 0.417633 0.0195639 0.0545497 0.596912 1119 +0 0.653453 0.228098 0.0293681 0.0631434 0.635797 1122 +0 0.464914 0.0493163 0.0819857 0.0947203 0.636324 480 +0 0.486514 0.195386 0.016868 0.0424585 0.686823 1143 +0 0.739798 0.142836 0.0247761 0.0683865 0.502469 1153 +0 0.62094 0.187473 0.0177803 0.0524306 0.737016 1161 +0 0.58621 0.254345 0.0267851 0.068584 0.473058 1186 +0 0.378628 0.267468 0.0684254 0.0996234 0.721917 1195 +0 0.666027 0.160387 0.0161304 0.0445667 0.706975 1198 +0 0.307719 0.482675 0.102386 0.11399 0.831564 1202 +0 0.741397 0.473491 0.0230132 0.0683677 0.677623 1204 +0 0.882336 0.22462 0.0143331 0.0390063 0.6772 1205 +0 0.154416 0.345961 0.0179182 0.0588939 0.582981 1221 +0 0.704418 0.708506 0.0194776 0.0402023 0.517872 884 +0 0.970133 0.694321 0.0282758 0.0736914 0.56318 1239 +0 0.532808 0.130956 0.0527449 0.0889638 0.628938 1247 +0 0.554142 0.195438 0.0794928 0.102974 0.719104 93 +0 0.769762 0.133787 0.016563 0.0447023 0.584458 1254 +0 0.249652 0.189637 0.0989584 0.142233 0.784382 1255 +0 0.624359 0.0758686 0.0617345 0.128863 0.664532 1258 +0 0.392699 0.169521 0.0192548 0.0480908 0.690282 1264 +0 0.413146 0.130298 0.0198569 0.0511369 0.682684 1267 +0 0.724023 0.0955989 0.0166033 0.035619 0.586777 1285 +0 0.751709 0.0940081 0.0150639 0.0291994 0.649913 1287 +0 0.713582 0.135028 0.0197362 0.0458186 0.41607 1293 +0 0.433497 0.175784 0.0358603 0.0661298 0.487541 1304 +0 0.485408 0.133694 0.02202 0.0615529 0.56383 1312 +0 0.855913 0.945213 0.0166599 0.0452838 0.700368 1320 +0 0.121278 0.369612 0.0250731 0.0711532 0.640231 1328 +0 0.583049 0.127324 0.0157656 0.0401921 0.718703 1334 +0 0.351035 0.40111 0.0209348 0.0637046 0.699369 1226 +0 0.69954 0.0552738 0.0556437 0.0975216 0.699794 1345 +0 0.865986 0.204791 0.0116937 0.0249345 0.626367 1357 +0 0.332635 0.0938917 0.0185881 0.0471984 0.708719 1393 +0 0.604189 0.320591 0.0124025 0.0357854 0.5078 1402 +0 0.322679 0.760983 0.0547742 0.134806 0.34455 887 +0 0.949633 0.269881 0.0160351 0.0503083 0.372234 1414 +0 0.701631 0.223278 0.0232317 0.0576884 0.344636 1420 +0 0.581304 0.0796678 0.0155457 0.0385647 0.585091 1425 +0 0.771412 0.0859568 0.0158185 0.0376752 0.581487 1428 +0 0.401028 0.0805342 0.0204895 0.051658 0.674002 1429 +0 0.746751 0.0500382 0.0169339 0.0474763 0.724677 1442 +0 0.975633 0.420963 0.0161415 0.0370765 0.493926 1447 +0 0.656209 0.293436 0.0138033 0.0298088 0.625241 1144 +0 0.373348 0.200977 0.016893 0.0444984 0.641457 1277 +0 0.916949 0.685913 0.0178106 0.0429989 0.499559 946 +0 0.699337 0.273814 0.0440286 0.0701495 0.321809 1041 +0 0.46237 0.23581 0.0364969 0.0639455 0.319722 1365 +0 0.347352 0.218249 0.0145234 0.0481931 0.605721 1469 +0 0.32356 0.161951 0.0172628 0.05007 0.622973 1470 +0 0.167161 0.282618 0.0162202 0.0512068 0.705855 1472 +0 0.310928 0.379691 0.0318063 0.073387 0.339366 1473 +0 0.860548 0.238643 0.0144545 0.034221 0.477666 1482 +0 0.170609 0.684912 0.0242857 0.0841498 0.636768 778 +0 0.695387 0.13365 0.0136633 0.0443401 0.521513 1199 +0 0.369071 0.631518 0.0174214 0.0495296 0.567779 630 +0 0.622671 0.870747 0.0221792 0.0695139 0.574689 868 +0 0.204218 0.311821 0.0145905 0.0500296 0.527134 1490 +0 0.10371 0.629089 0.0679184 0.16704 0.667917 1496 +0 0.341778 0.131718 0.0139999 0.0305382 0.346281 1498 +0 0.231529 0.344317 0.0229489 0.067611 0.4966 1266 +0 0.114044 0.467567 0.0119559 0.041766 0.413308 1203 +0 0.851452 0.307562 0.0894965 0.0945497 0.357033 1032 +0 0.643977 0.324024 0.0130204 0.0370265 0.548851 1431 +0 0.890695 0.40009 0.0154538 0.0376641 0.688662 1514 +0 0.59206 0.0277649 0.0488272 0.0464728 0.747297 1515 +0 0.990951 0.742865 0.0147215 0.0452551 0.640671 1516 +0 0.257524 0.284928 0.018835 0.0479097 0.53089 1518 +0 0.164588 0.211639 0.0616825 0.0945218 0.694307 1521 +0 0.268138 0.130768 0.0190273 0.0484643 0.55518 1525 +0 0.949879 0.912218 0.0230169 0.0415252 0.44016 234 +0 0.181449 0.54052 0.0134842 0.0439795 0.578268 705 +0 0.598973 0.771711 0.0333438 0.0881277 0.401646 101 +0 0.729332 0.75525 0.0200778 0.0538351 0.59008 648 +0 0.666625 0.534955 0.0157488 0.0430437 0.673718 1367 +0 0.30289 0.12032 0.0144956 0.0417646 0.451878 1415 +0 0.369993 0.0250908 0.0675246 0.0501817 0.630981 907 +0 0.376345 0.754323 0.0252105 0.0743897 0.747591 805 +0 0.21936 0.808741 0.0121153 0.0459007 0.545777 327 +0 0.0642336 0.449263 0.0140745 0.0480583 0.528681 1352 +0 0.245514 0.90801 0.0194747 0.0604338 0.677008 760 +0 0.7868 0.86832 0.0166485 0.044372 0.686638 1413 +0 0.334415 0.581756 0.0136478 0.0395505 0.408407 704 +0 0.262015 0.388961 0.0374765 0.0746989 0.393036 988 +0 0.450242 0.583192 0.076878 0.151473 0.528181 625 +0 0.622831 0.31546 0.013959 0.0330522 0.46813 1406 +0 0.901268 0.708841 0.0173351 0.0349242 0.315722 1353 +0 0.57796 0.704848 0.0114799 0.0317173 0.433361 1053 +0 0.320551 0.291313 0.0180014 0.0566937 0.725449 1056 diff --git a/src/FlotationAnalytics/output_botsort/track48/labels/image47.txt b/src/FlotationAnalytics/output_botsort/track48/labels/image47.txt new file mode 100644 index 0000000..fab5a7a --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track48/labels/image47.txt @@ -0,0 +1,141 @@ +0 0.590831 0.478478 0.103303 0.148934 0.749165 274 +0 0.444823 0.305027 0.0585584 0.0889956 0.853455 312 +0 0.678731 0.428939 0.0583705 0.117994 0.405127 386 +0 0.640614 0.811368 0.0285852 0.0778884 0.674889 456 +0 0.375492 0.723327 0.0200272 0.0649312 0.68637 514 +0 0.442029 0.801099 0.0948337 0.188453 0.748545 31 +0 0.68714 0.798393 0.0370257 0.0784736 0.478105 269 +0 0.479594 0.87688 0.0472224 0.111163 0.36293 563 +0 0.890023 0.812047 0.0876482 0.123878 0.516266 594 +0 0.756538 0.701476 0.0225591 0.0665111 0.487821 272 +0 0.725209 0.709043 0.0189063 0.0555849 0.634701 601 +0 0.668774 0.125218 0.0137626 0.0373261 0.764968 604 +0 0.834097 0.704778 0.0200587 0.0457114 0.62575 620 +0 0.766041 0.588546 0.103168 0.149661 0.810446 249 +0 0.843021 0.750303 0.0191906 0.0443598 0.33372 656 +0 0.3051 0.660982 0.0500922 0.118841 0.497713 692 +0 0.755021 0.801883 0.0279941 0.0779376 0.638436 219 +0 0.377135 0.587109 0.0257943 0.0748716 0.596326 711 +0 0.50047 0.531066 0.0210735 0.0611273 0.619969 717 +0 0.817255 0.597723 0.0197678 0.038629 0.520155 369 +0 0.869505 0.724677 0.0142186 0.0318215 0.528425 780 +0 0.559475 0.633947 0.116091 0.168929 0.756762 806 +0 0.915081 0.561282 0.14928 0.24091 0.782577 811 +0 0.676947 0.69172 0.0332276 0.0835876 0.481054 302 +0 0.689729 0.606255 0.0277402 0.0646285 0.491538 824 +0 0.778542 0.406755 0.0190681 0.0626368 0.662302 828 +0 0.616856 0.708181 0.0454698 0.107882 0.420617 847 +0 0.811726 0.642585 0.0360056 0.0805549 0.415798 861 +0 0.837765 0.428342 0.0556149 0.100734 0.595194 865 +0 0.473532 0.50002 0.0220296 0.0598943 0.650931 870 +0 0.665469 0.343708 0.021273 0.0504435 0.68213 873 +0 0.652906 0.525842 0.0185717 0.0510283 0.686704 874 +0 0.405917 0.480002 0.0896601 0.149806 0.77361 875 +0 0.505581 0.420564 0.0376081 0.0903919 0.456307 877 +0 0.792956 0.472346 0.0196256 0.0558272 0.661848 879 +0 0.698267 0.495761 0.046599 0.0994773 0.47642 886 +0 0.536014 0.869552 0.0186292 0.0667209 0.613324 901 +0 0.23805 0.592505 0.016264 0.0558014 0.590038 902 +0 0.713686 0.368107 0.019855 0.0457536 0.700847 909 +0 0.653569 0.618937 0.0202979 0.0512698 0.369642 917 +0 0.65943 0.661351 0.017724 0.0348583 0.581312 943 +0 0.466528 0.441353 0.0157089 0.0464807 0.578709 945 +0 0.832344 0.509804 0.016747 0.0451597 0.598698 906 +0 0.565536 0.327737 0.0311184 0.0697546 0.378377 994 +0 0.789608 0.242378 0.11331 0.229326 0.846357 174 +0 0.0788516 0.569159 0.0551444 0.124189 0.400266 1027 +0 0.486361 0.332988 0.05023 0.0930821 0.372785 1049 +0 0.548069 0.406044 0.0187289 0.0483232 0.634952 1057 +0 0.784488 0.73648 0.0184908 0.052203 0.704118 1064 +0 0.90884 0.334106 0.0417331 0.0917327 0.562618 1065 +0 0.203301 0.49472 0.0442803 0.0746341 0.479419 1066 +0 0.181708 0.412264 0.0250079 0.0718471 0.505327 1087 +0 0.148108 0.450167 0.0186535 0.0544964 0.472756 1119 +0 0.649977 0.243064 0.028762 0.0629185 0.626664 1122 +0 0.468786 0.0667583 0.0712601 0.0966167 0.684295 480 +0 0.486009 0.211994 0.016951 0.0416173 0.60691 1143 +0 0.737704 0.15401 0.0260596 0.0711717 0.499309 1153 +0 0.618408 0.202953 0.018391 0.0529653 0.712431 1161 +0 0.583534 0.270888 0.0293748 0.0681405 0.470328 1186 +0 0.376782 0.2928 0.0690585 0.104843 0.69475 1195 +0 0.663354 0.173625 0.0159693 0.0455185 0.701502 1198 +0 0.30248 0.519367 0.103265 0.122358 0.817841 1202 +0 0.740264 0.490727 0.0241719 0.0718485 0.685866 1204 +0 0.879872 0.23347 0.0148807 0.0404811 0.691443 1205 +0 0.151475 0.379371 0.0186676 0.0584387 0.474675 1221 +0 0.967496 0.707268 0.0275925 0.0704219 0.743522 1239 +0 0.530353 0.147266 0.0546267 0.0924016 0.643729 1247 +0 0.55237 0.211403 0.0806078 0.100306 0.645633 93 +0 0.767934 0.14322 0.0168304 0.0427294 0.529612 1254 +0 0.246115 0.223483 0.0989584 0.124073 0.81519 1255 +0 0.623096 0.0894293 0.0616936 0.130025 0.714389 1258 +0 0.392044 0.190981 0.0193644 0.0481685 0.673232 1264 +0 0.412128 0.14984 0.0199927 0.0525124 0.673952 1267 +0 0.72252 0.105405 0.0163435 0.0349376 0.678942 1285 +0 0.749548 0.104108 0.0151828 0.0284802 0.547677 1287 +0 0.711276 0.144184 0.0205597 0.0464899 0.358273 1293 +0 0.433243 0.195713 0.032908 0.0637255 0.43613 1304 +0 0.483653 0.150411 0.0227145 0.0635191 0.534494 1312 +0 0.858174 0.961812 0.0137453 0.0415088 0.375955 1320 +0 0.11838 0.402528 0.0240477 0.07147 0.430925 1328 +0 0.581766 0.14064 0.0160687 0.0408752 0.711242 1334 +0 0.34738 0.435467 0.0206364 0.0626401 0.654089 1226 +0 0.698458 0.0597795 0.0565332 0.105307 0.665027 1345 +0 0.329188 0.117743 0.0180818 0.0477338 0.708166 1393 +0 0.947199 0.276198 0.0157767 0.0487917 0.587498 1414 +0 0.699649 0.23739 0.0238789 0.0593185 0.373189 1420 +0 0.579627 0.0924776 0.0152574 0.0382098 0.615779 1425 +0 0.769859 0.0951938 0.0159523 0.0382555 0.652876 1428 +0 0.400331 0.0993724 0.0205516 0.0527989 0.646945 1429 +0 0.745635 0.0597638 0.0177946 0.0499414 0.644144 1442 +0 0.973704 0.429808 0.0176534 0.0382638 0.649027 1447 +0 0.653579 0.308853 0.0146322 0.0312735 0.670296 1144 +0 0.37302 0.223503 0.0164814 0.0411705 0.57401 1277 +0 0.911187 0.704926 0.017625 0.0428015 0.440531 946 +0 0.696134 0.292855 0.0456937 0.0631911 0.391495 1041 +0 0.46397 0.231381 0.0264456 0.0510947 0.360992 1365 +0 0.34684 0.241993 0.0149582 0.0476822 0.590264 1469 +0 0.321666 0.187011 0.0184778 0.0529964 0.564126 1470 +0 0.16525 0.312987 0.0154311 0.0508571 0.696414 1472 +0 0.305841 0.409913 0.0370324 0.0704479 0.554908 1473 +0 0.858231 0.250706 0.0163921 0.0362353 0.499964 1482 +0 0.166651 0.71533 0.0245816 0.0875384 0.473595 778 +0 0.693116 0.144598 0.0137065 0.0440023 0.423481 1199 +0 0.365604 0.666063 0.0189623 0.0544797 0.71286 630 +0 0.202009 0.339846 0.0133617 0.0465297 0.365314 1490 +0 0.103423 0.67252 0.0705099 0.166966 0.717062 1496 +0 0.340165 0.154604 0.014141 0.030465 0.360193 1498 +0 0.229596 0.376462 0.0231107 0.0688058 0.568097 1266 +0 0.843102 0.319325 0.0701977 0.0961916 0.348815 1032 +0 0.641078 0.340318 0.0132277 0.0372929 0.591999 1431 +0 0.888459 0.413157 0.0162132 0.0393609 0.62253 1514 +0 0.591846 0.035009 0.0520064 0.0586439 0.660215 1515 +0 0.988443 0.756961 0.018466 0.0497845 0.679259 1516 +0 0.254992 0.311917 0.0169968 0.045137 0.518589 1518 +0 0.178841 0.221542 0.0328812 0.0616076 0.418153 1521 +0 0.266252 0.154154 0.0198254 0.0507579 0.617477 1525 +0 0.182433 0.572477 0.0160242 0.0522377 0.565298 705 +0 0.593428 0.805041 0.0283028 0.0847163 0.584567 101 +0 0.726293 0.777194 0.0231122 0.0564604 0.738894 648 +0 0.666074 0.560776 0.0173502 0.0484093 0.755314 1367 +0 0.301518 0.143483 0.0152424 0.0413211 0.5373 1415 +0 0.365659 0.0315564 0.066828 0.0631128 0.70321 907 +0 0.436262 0.034814 0.0645303 0.06034 0.799291 1537 +0 0.228681 0.450115 0.0169116 0.0525916 0.548233 1538 +0 0.276892 0.619175 0.0157841 0.055883 0.499685 1541 +0 0.821971 0.0993107 0.021406 0.0524365 0.540713 1552 +0 0.0640563 0.477889 0.0171577 0.0607218 0.589648 1352 +0 0.783159 0.885466 0.0190302 0.0583333 0.513995 1413 +0 0.261452 0.414213 0.036245 0.0757263 0.348351 988 +0 0.451341 0.619215 0.0798859 0.162929 0.593203 625 +0 0.61946 0.33255 0.0129429 0.0313502 0.395664 1406 +0 0.894262 0.724904 0.0152773 0.0294527 0.336127 1353 +0 0.325329 0.311046 0.018419 0.0575577 0.653298 1056 +0 0.929902 0.927066 0.0331865 0.0420921 0.45065 784 +0 0.85309 0.705506 0.018978 0.033446 0.417287 1129 +0 0.611266 0.937832 0.0229399 0.06619 0.577921 92 +0 0.325694 0.791221 0.0193435 0.0752708 0.501678 919 +0 0.623319 0.777993 0.0155636 0.0397222 0.456384 950 +0 0.92643 0.664318 0.0187165 0.0450259 0.63304 1068 +0 0.562172 0.784636 0.0195626 0.0632765 0.43542 1256 +0 0.230591 0.808409 0.0163328 0.065375 0.493299 837 diff --git a/src/FlotationAnalytics/output_botsort/track49/labels/image48.txt b/src/FlotationAnalytics/output_botsort/track49/labels/image48.txt new file mode 100644 index 0000000..374932a --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track49/labels/image48.txt @@ -0,0 +1,142 @@ +0 0.589269 0.496557 0.112908 0.151169 0.727752 274 +0 0.413435 0.296601 0.0567461 0.0947149 0.305457 312 +0 0.675277 0.447303 0.0577821 0.116323 0.364264 386 +0 0.631705 0.847063 0.023554 0.0718371 0.508646 456 +0 0.369419 0.745114 0.0179729 0.0521919 0.659645 514 +0 0.446241 0.835277 0.0742341 0.147577 0.376944 31 +0 0.681471 0.824754 0.0324872 0.0805157 0.520742 269 +0 0.477326 0.91388 0.0309171 0.0911819 0.384932 563 +0 0.872317 0.81045 0.057098 0.0910792 0.333168 594 +0 0.717906 0.743065 0.017047 0.0524082 0.579926 601 +0 0.295013 0.0790256 0.0717166 0.107249 0.820567 604 +0 0.828743 0.718585 0.0190823 0.0433101 0.677051 620 +0 0.760718 0.614543 0.104137 0.164554 0.769569 249 +0 0.838412 0.76071 0.0270226 0.0461573 0.33777 656 +0 0.297068 0.702902 0.0409502 0.102999 0.468994 692 +0 0.741955 0.83808 0.0261433 0.068851 0.746201 219 +0 0.369295 0.61325 0.0191783 0.0579003 0.609715 711 +0 0.499068 0.558434 0.0207539 0.0534233 0.714416 717 +0 0.810763 0.61506 0.0196449 0.0353 0.602963 369 +0 0.555022 0.626685 0.0542242 0.112565 0.503165 806 +0 0.904433 0.572276 0.143269 0.234702 0.814233 811 +0 0.669659 0.721038 0.0278256 0.0894051 0.390064 302 +0 0.683748 0.634362 0.024602 0.0634057 0.502813 824 +0 0.77436 0.422985 0.0176723 0.0620051 0.625171 828 +0 0.611524 0.738552 0.0435691 0.114205 0.474585 847 +0 0.831454 0.447009 0.0558241 0.106656 0.629463 865 +0 0.475542 0.525959 0.0210509 0.0546393 0.666252 870 +0 0.661727 0.360701 0.0212512 0.0500144 0.654459 873 +0 0.652134 0.541887 0.0181465 0.0464072 0.726857 874 +0 0.402101 0.516151 0.0955527 0.15706 0.778411 875 +0 0.505862 0.440848 0.0326158 0.0771611 0.474409 877 +0 0.786235 0.493488 0.0202615 0.0578662 0.598665 879 +0 0.694654 0.513196 0.0455089 0.0991333 0.528721 886 +0 0.23627 0.627276 0.0152699 0.0532882 0.521688 902 +0 0.709814 0.383429 0.0191358 0.0480818 0.659335 909 +0 0.652887 0.684345 0.0174094 0.0322817 0.340624 943 +0 0.464415 0.470796 0.0136296 0.0423272 0.466737 945 +0 0.825649 0.528295 0.0165456 0.0438609 0.582048 906 +0 0.560414 0.344648 0.0413213 0.0716634 0.34702 994 +0 0.785492 0.260688 0.115077 0.230691 0.854151 174 +0 0.079393 0.620054 0.0532715 0.134639 0.364488 1027 +0 0.485028 0.357849 0.0603764 0.103933 0.576081 1049 +0 0.547134 0.417065 0.0185348 0.0485084 0.575466 1057 +0 0.778511 0.759547 0.0190692 0.0532957 0.706435 1064 +0 0.904673 0.348435 0.0425713 0.0921116 0.561463 1065 +0 0.203999 0.528924 0.0379933 0.0767692 0.356337 1066 +0 0.17847 0.443463 0.0247053 0.0755125 0.595181 1087 +0 0.145544 0.490899 0.0184569 0.0602615 0.469015 1119 +0 0.646373 0.261951 0.0279144 0.0638996 0.554743 1122 +0 0.468812 0.0837743 0.0651707 0.0965241 0.561496 480 +0 0.485211 0.228391 0.0164628 0.0417865 0.647375 1143 +0 0.734867 0.168402 0.027136 0.0716461 0.502857 1153 +0 0.615501 0.219596 0.0183149 0.0539394 0.706039 1161 +0 0.579628 0.287559 0.0280344 0.0680187 0.527635 1186 +0 0.373957 0.313685 0.0653937 0.115391 0.684334 1195 +0 0.660231 0.189113 0.0169446 0.0480467 0.75063 1198 +0 0.297866 0.556314 0.0973254 0.13328 0.791719 1202 +0 0.737183 0.505534 0.0236394 0.0681353 0.569106 1204 +0 0.875813 0.245253 0.0152298 0.0408094 0.637798 1205 +0 0.149866 0.404769 0.017665 0.0595975 0.431667 1221 +0 0.960651 0.721749 0.0291859 0.0702663 0.56188 1239 +0 0.529209 0.162884 0.0554699 0.0939768 0.673442 1247 +0 0.549927 0.23108 0.0798225 0.0962757 0.709764 93 +0 0.76578 0.156766 0.0165861 0.042924 0.510729 1254 +0 0.242137 0.253566 0.0911316 0.110881 0.785238 1255 +0 0.621955 0.104195 0.0618129 0.130738 0.679156 1258 +0 0.392457 0.20993 0.0189832 0.0490311 0.678204 1264 +0 0.411916 0.16757 0.0201025 0.052892 0.614926 1267 +0 0.720804 0.117972 0.0157643 0.0346004 0.707108 1285 +0 0.747616 0.116925 0.0149004 0.0285112 0.589704 1287 +0 0.432716 0.214124 0.0336399 0.0654317 0.407365 1304 +0 0.483087 0.16659 0.020479 0.0634454 0.536397 1312 +0 0.117399 0.43204 0.022986 0.0762093 0.477613 1328 +0 0.580372 0.155827 0.0152201 0.0420144 0.675176 1334 +0 0.343955 0.466522 0.0203946 0.0614936 0.619382 1226 +0 0.696985 0.0716246 0.0567728 0.10545 0.693263 1345 +0 0.327602 0.138197 0.018064 0.0482609 0.748713 1393 +0 0.942323 0.286772 0.0153979 0.0475333 0.606557 1414 +0 0.695782 0.254595 0.0206542 0.0577502 0.373352 1420 +0 0.578494 0.106981 0.0144458 0.0388858 0.495902 1425 +0 0.768272 0.107746 0.015151 0.0387324 0.616197 1428 +0 0.400284 0.116821 0.0205286 0.0521639 0.663313 1429 +0 0.744128 0.0722168 0.0182498 0.0515748 0.6737 1442 +0 0.970324 0.443198 0.0191595 0.0426294 0.668697 1447 +0 0.64942 0.325691 0.0152161 0.0324756 0.594789 1144 +0 0.902885 0.722349 0.0170576 0.0411455 0.720725 946 +0 0.693674 0.31134 0.0406274 0.059155 0.35112 1041 +0 0.457547 0.279565 0.0220302 0.0550926 0.622985 1365 +0 0.346979 0.261741 0.0146843 0.0476377 0.548585 1469 +0 0.320261 0.208919 0.0198773 0.054486 0.604312 1470 +0 0.164214 0.339833 0.0157519 0.0526919 0.664038 1472 +0 0.306688 0.437254 0.0259555 0.0679629 0.382429 1473 +0 0.856897 0.26759 0.0202345 0.0381366 0.484127 1482 +0 0.690031 0.159004 0.0133923 0.0436541 0.407452 1199 +0 0.199187 0.370293 0.0148453 0.0533397 0.614631 1490 +0 0.099883 0.734792 0.0657412 0.194093 0.302577 1496 +0 0.33921 0.174048 0.0142501 0.032653 0.386177 1498 +0 0.227245 0.405505 0.0251389 0.0723421 0.644589 1266 +0 0.844844 0.337153 0.0839133 0.0999973 0.331285 1032 +0 0.637077 0.358708 0.0138186 0.0372103 0.442058 1431 +0 0.883616 0.42991 0.0170416 0.041189 0.665138 1514 +0 0.592309 0.0419439 0.0536724 0.0716968 0.6695 1515 +0 0.979516 0.774007 0.0184604 0.0507243 0.72595 1516 +0 0.253127 0.335987 0.0171828 0.0451437 0.464425 1518 +0 0.183862 0.241174 0.0221342 0.0521307 0.457355 1521 +0 0.265736 0.175329 0.0189198 0.0507477 0.57236 1525 +0 0.179012 0.608512 0.0168019 0.0592171 0.561566 705 +0 0.720104 0.802478 0.0234719 0.0548423 0.650066 648 +0 0.665398 0.581972 0.0173209 0.0473109 0.752477 1367 +0 0.300296 0.167317 0.015638 0.0468127 0.314084 1415 +0 0.361127 0.0336003 0.0589548 0.0672006 0.747767 907 +0 0.434681 0.0444032 0.0685287 0.0753756 0.746306 1537 +0 0.224834 0.481963 0.0169011 0.0549353 0.653459 1538 +0 0.818752 0.114322 0.0198916 0.0514753 0.594625 1552 +0 0.0643136 0.513337 0.0162354 0.0624282 0.484378 1352 +0 0.775836 0.90821 0.0187917 0.0576969 0.438107 1413 +0 0.258444 0.445448 0.0383778 0.0835434 0.411286 988 +0 0.46239 0.62816 0.0481211 0.124403 0.654946 625 +0 0.615568 0.350945 0.0146502 0.0349779 0.493946 1406 +0 0.326292 0.334538 0.0180275 0.0559633 0.599493 1056 +0 0.533598 0.0331492 0.0379428 0.058299 0.47623 1562 +0 0.988854 0.68585 0.0150112 0.0431785 0.615398 1563 +0 0.990476 0.559032 0.0116714 0.0312587 0.56455 1564 +0 0.328724 0.682819 0.0155613 0.0426796 0.558269 1566 +0 0.389107 0.400307 0.0396416 0.0855076 0.439351 1567 +0 0.923474 0.934365 0.0316927 0.0421949 0.385047 784 +0 0.603411 0.956177 0.0230192 0.0528595 0.68232 92 +0 0.321373 0.807636 0.0161432 0.0628173 0.51778 919 +0 0.918385 0.68207 0.0193527 0.0463123 0.660255 1068 +0 0.231625 0.8535 0.0146609 0.0499142 0.53885 837 +0 0.747704 0.735985 0.02182 0.0678895 0.663023 521 +0 0.511485 0.797161 0.0133619 0.0301502 0.345585 721 +0 0.73335 0.532853 0.0192114 0.0337402 0.409309 1085 +0 0.508691 0.634716 0.0236164 0.054037 0.567033 1220 +0 0.542136 0.808645 0.0196637 0.047355 0.530498 827 +0 0.579619 0.864734 0.0263548 0.0914026 0.621566 1001 +0 0.209912 0.750976 0.0118164 0.0405433 0.376013 1381 +0 0.79543 0.743881 0.0128356 0.0328462 0.363384 1074 +0 0.462158 0.789743 0.033135 0.0629066 0.470991 912 +0 0.496109 0.263433 0.0115514 0.0326729 0.458265 1359 +0 0.858725 0.231134 0.0114606 0.0226158 0.325908 1357 +0 0.608008 0.364182 0.0182341 0.0427401 0.301561 1402 diff --git a/src/FlotationAnalytics/output_botsort/track5/labels/image4.txt b/src/FlotationAnalytics/output_botsort/track5/labels/image4.txt new file mode 100644 index 0000000..a71c395 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track5/labels/image4.txt @@ -0,0 +1,94 @@ +0 0.848311 0.546659 0.124596 0.172462 0.841033 1 +0 0.268963 0.269904 0.0739637 0.0962388 0.751881 2 +0 0.414131 0.759085 0.0680878 0.187654 0.503174 4 +0 0.956892 0.549947 0.0783536 0.200483 0.778806 5 +0 0.458204 0.164061 0.0748611 0.14143 0.785845 6 +0 0.728227 0.451996 0.017341 0.0521872 0.6416 7 +0 0.364799 0.271645 0.0749799 0.126501 0.773535 8 +0 0.450644 0.387106 0.0221881 0.0660281 0.492946 9 +0 0.732788 0.184258 0.0781095 0.140968 0.702531 13 +0 0.63395 0.20691 0.0208461 0.063431 0.675429 14 +0 0.586354 0.419286 0.0890695 0.147487 0.75708 16 +0 0.317999 0.373618 0.0184929 0.058746 0.666337 17 +0 0.740582 0.384855 0.021231 0.0603442 0.70973 18 +0 0.768262 0.419707 0.022148 0.0605121 0.656323 21 +0 0.390828 0.0308635 0.0779777 0.0617269 0.791524 22 +0 0.952542 0.689217 0.026156 0.0533486 0.635866 23 +0 0.939091 0.776563 0.017212 0.0433662 0.662706 26 +0 0.665914 0.147572 0.0190842 0.0548593 0.793295 27 +0 0.353071 0.370032 0.0154518 0.0584343 0.674387 28 +0 0.687608 0.430719 0.0254671 0.0692047 0.571052 29 +0 0.612284 0.632815 0.064404 0.23863 0.41569 30 +0 0.586318 0.0955698 0.159669 0.168674 0.797929 31 +0 0.877106 0.767188 0.0214214 0.0552166 0.725702 32 +0 0.239572 0.36102 0.0231015 0.0760045 0.57489 33 +0 0.154351 0.648874 0.0272444 0.0746446 0.460951 36 +0 0.314619 0.676942 0.0168744 0.0482944 0.477515 37 +0 0.258291 0.453863 0.0574306 0.105937 0.609602 38 +0 0.901136 0.802582 0.018657 0.0468814 0.731122 40 +0 0.38264 0.441258 0.0235794 0.0838563 0.591937 44 +0 0.772982 0.516705 0.0198984 0.0519823 0.535995 45 +0 0.941059 0.427584 0.019113 0.0444868 0.682606 47 +0 0.527408 0.488355 0.0167958 0.052205 0.524985 48 +0 0.510855 0.38737 0.0241511 0.0631462 0.613325 50 +0 0.770078 0.926259 0.022967 0.0740464 0.618037 51 +0 0.717318 0.616826 0.0533694 0.140997 0.393296 56 +0 0.782044 0.320122 0.0494204 0.0797626 0.610271 59 +0 0.919742 0.367998 0.0250365 0.0637268 0.62402 60 +0 0.84879 0.358881 0.104005 0.152538 0.835643 63 +0 0.213761 0.466345 0.0188604 0.0673449 0.506845 64 +0 0.323463 0.747537 0.0186367 0.0526392 0.556459 67 +0 0.36611 0.140895 0.0246442 0.0753723 0.659802 68 +0 0.761746 0.833375 0.0188602 0.0543833 0.604618 69 +0 0.97665 0.418868 0.0129061 0.0394507 0.514998 72 +0 0.768401 0.0895977 0.014486 0.0426725 0.587363 76 +0 0.304906 0.325626 0.0188156 0.0559097 0.585748 77 +0 0.811788 0.73867 0.0374705 0.092685 0.490618 78 +0 0.185665 0.759666 0.032384 0.107764 0.36583 79 +0 0.943255 0.274956 0.0532038 0.0896274 0.564681 80 +0 0.443247 0.305076 0.0204562 0.0720581 0.73662 83 +0 0.367332 0.70036 0.0177558 0.0379192 0.317628 91 +0 0.844685 0.22021 0.0424303 0.0788041 0.407649 92 +0 0.7177 0.302972 0.0280827 0.0713238 0.500796 95 +0 0.839701 0.659699 0.0181534 0.0537147 0.720988 96 +0 0.926859 0.881463 0.0200261 0.0583501 0.61967 97 +0 0.528605 0.269381 0.100338 0.148081 0.755589 98 +0 0.697475 0.101173 0.0143558 0.0393974 0.716752 101 +0 0.680459 0.351874 0.0148462 0.0366942 0.542505 102 +0 0.264222 0.752478 0.0447852 0.116579 0.52827 103 +0 0.618526 0.599177 0.0343412 0.135403 0.303824 108 +0 0.445637 0.519473 0.0882552 0.170513 0.630697 109 +0 0.510338 0.561166 0.0239696 0.0719742 0.559689 111 +0 0.209858 0.625228 0.0345691 0.085197 0.518921 112 +0 0.487744 0.786869 0.0244172 0.0743605 0.409004 119 +0 0.774531 0.24461 0.0423213 0.0816158 0.558672 121 +0 0.726538 0.764817 0.0233921 0.0789315 0.574499 123 +0 0.205853 0.154661 0.0841674 0.119938 0.734154 128 +0 0.597071 0.827355 0.0215075 0.0708638 0.586706 129 +0 0.671748 0.308733 0.0304646 0.0764877 0.394599 139 +0 0.628192 0.320466 0.0187494 0.0651593 0.438938 140 +0 0.768699 0.685261 0.0520118 0.0932899 0.37813 149 +0 0.915549 0.72487 0.0208863 0.0594359 0.769315 154 +0 0.309289 0.0872002 0.0825154 0.120154 0.742087 156 +0 0.884241 0.932441 0.0230901 0.063722 0.336967 162 +0 0.968804 0.354869 0.0468179 0.0840899 0.672606 163 +0 0.96227 0.88134 0.0137556 0.0399969 0.458725 165 +0 0.397879 0.151368 0.0223256 0.0614807 0.521564 170 +0 0.253195 0.641437 0.026516 0.064848 0.706374 106 +0 0.516462 0.442235 0.01915 0.0465839 0.588547 174 +0 0.994343 0.584855 0.0108057 0.0524504 0.559626 185 +0 0.475212 0.391259 0.0185472 0.066409 0.553008 189 +0 0.199924 0.264487 0.0191082 0.0562887 0.557973 204 +0 0.171777 0.519295 0.037195 0.0583352 0.44683 110 +0 0.368303 0.636294 0.0220565 0.0767522 0.506337 10 +0 0.551757 0.575617 0.0149128 0.0509887 0.368451 19 +0 0.171049 0.399869 0.0571908 0.104045 0.723244 71 +0 0.521595 0.65106 0.0166397 0.0523672 0.44332 93 +0 0.689298 0.377336 0.0165041 0.0302099 0.363515 105 +0 0.747147 0.897744 0.0145676 0.0383977 0.392349 53 +0 0.670022 0.907931 0.0220033 0.0732817 0.759527 81 +0 0.693862 0.856839 0.0174078 0.0515019 0.335344 39 +0 0.256452 0.600561 0.0130914 0.0388613 0.482387 65 +0 0.660907 0.523538 0.0188161 0.0562313 0.454091 82 +0 0.286799 0.637141 0.0137741 0.0403651 0.373136 94 +0 0.257071 0.699072 0.0235514 0.038439 0.374869 107 diff --git a/src/FlotationAnalytics/output_botsort/track50/labels/image49.txt b/src/FlotationAnalytics/output_botsort/track50/labels/image49.txt new file mode 100644 index 0000000..c807a46 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track50/labels/image49.txt @@ -0,0 +1,150 @@ +0 0.584126 0.511652 0.106143 0.155599 0.771888 274 +0 0.67208 0.468596 0.0559239 0.116972 0.413544 386 +0 0.446269 0.861585 0.0401216 0.0960715 0.576047 31 +0 0.668903 0.809191 0.0312544 0.0847111 0.688087 269 +0 0.480419 0.911839 0.0218058 0.0633997 0.382407 563 +0 0.864341 0.813179 0.0495728 0.0902454 0.34774 594 +0 0.722831 0.759367 0.0176839 0.047936 0.782194 601 +0 0.820998 0.734879 0.0198296 0.0487254 0.700803 620 +0 0.753176 0.647103 0.10494 0.17682 0.734468 249 +0 0.834111 0.774622 0.0227195 0.0458719 0.472324 656 +0 0.288461 0.746368 0.030114 0.0931972 0.574432 692 +0 0.729136 0.872749 0.0247686 0.0728959 0.714349 219 +0 0.372627 0.627349 0.0203082 0.045894 0.560534 711 +0 0.500675 0.568739 0.0189483 0.0446499 0.769852 717 +0 0.551097 0.664006 0.0228624 0.0630006 0.710224 806 +0 0.89984 0.598661 0.14541 0.215155 0.788636 811 +0 0.665819 0.719142 0.0213025 0.0667929 0.683008 302 +0 0.687752 0.635448 0.0182975 0.0515625 0.573052 824 +0 0.770764 0.440021 0.0179572 0.0583674 0.763654 828 +0 0.610569 0.718358 0.0295776 0.0829342 0.677654 847 +0 0.827464 0.464304 0.0565071 0.111508 0.649724 865 +0 0.479272 0.54348 0.0195068 0.0440051 0.756071 870 +0 0.657941 0.378608 0.0227277 0.0548696 0.633013 873 +0 0.407072 0.24577 0.0545452 0.104941 0.810717 874 +0 0.41439 0.577938 0.0511632 0.101737 0.435339 875 +0 0.501166 0.472967 0.0424802 0.0896316 0.361353 877 +0 0.780356 0.51497 0.0215446 0.0611513 0.638436 879 +0 0.693071 0.523337 0.041778 0.086725 0.376678 886 +0 0.231565 0.674119 0.0139581 0.053061 0.475562 902 +0 0.705982 0.400916 0.0194289 0.0497131 0.661867 909 +0 0.641699 0.721854 0.0185073 0.0376524 0.51459 943 +0 0.46354 0.500667 0.0153159 0.0443782 0.740871 945 +0 0.819897 0.547696 0.0167391 0.0462641 0.615179 906 +0 0.55854 0.347974 0.0539014 0.10587 0.472507 994 +0 0.781189 0.279968 0.114267 0.224355 0.865041 174 +0 0.0795476 0.659329 0.0477059 0.126469 0.537342 1027 +0 0.478779 0.383072 0.056821 0.0990352 0.704366 1049 +0 0.5432 0.434433 0.0195262 0.0488001 0.647117 1057 +0 0.775613 0.78802 0.0165015 0.0547302 0.677143 1064 +0 0.901815 0.363736 0.0430515 0.0892481 0.483339 1065 +0 0.202323 0.564937 0.0327975 0.0765689 0.482334 1066 +0 0.172385 0.479468 0.0227634 0.0749713 0.567759 1087 +0 0.143498 0.532549 0.0183806 0.0585866 0.527872 1119 +0 0.642578 0.280013 0.0271188 0.06288 0.48096 1122 +0 0.468808 0.102893 0.0631989 0.0957663 0.676285 480 +0 0.483531 0.244964 0.016674 0.0426976 0.653975 1143 +0 0.733059 0.183191 0.0277884 0.0756716 0.485055 1153 +0 0.613092 0.236524 0.0187706 0.0544393 0.747028 1161 +0 0.577488 0.296622 0.0224446 0.0502924 0.349724 1186 +0 0.372494 0.335897 0.0651335 0.124095 0.727718 1195 +0 0.657407 0.205828 0.0174458 0.0506161 0.845863 1198 +0 0.290793 0.588938 0.0943666 0.146802 0.821218 1202 +0 0.734908 0.515822 0.0218558 0.0504314 0.680896 1204 +0 0.872576 0.259184 0.0158378 0.0412939 0.654501 1205 +0 0.146795 0.430193 0.0174105 0.0566266 0.639375 1221 +0 0.955905 0.734527 0.0265627 0.0636007 0.621916 1239 +0 0.528034 0.18011 0.0558858 0.0966269 0.753592 1247 +0 0.548076 0.249596 0.0803925 0.0935746 0.633604 93 +0 0.764071 0.170615 0.0149736 0.043788 0.535668 1254 +0 0.239104 0.273612 0.0849121 0.128351 0.786679 1255 +0 0.620919 0.124621 0.0590939 0.121337 0.742009 1258 +0 0.392027 0.229621 0.0192285 0.0487806 0.686643 1264 +0 0.411334 0.185566 0.020422 0.0526415 0.624694 1267 +0 0.719116 0.132417 0.0159608 0.0351774 0.655151 1285 +0 0.746166 0.130925 0.014608 0.0284916 0.633372 1287 +0 0.432165 0.231134 0.0271753 0.0632138 0.45519 1304 +0 0.481559 0.183996 0.0221977 0.0656652 0.530418 1312 +0 0.116646 0.467603 0.023069 0.0804051 0.523617 1328 +0 0.578535 0.172301 0.0152129 0.0423087 0.678169 1334 +0 0.341228 0.492496 0.021481 0.0580086 0.564093 1226 +0 0.69529 0.0845442 0.0551089 0.106115 0.720965 1345 +0 0.325527 0.158216 0.0179397 0.0503911 0.731482 1393 +0 0.939053 0.298851 0.0149339 0.0485394 0.594602 1414 +0 0.691771 0.274334 0.0196798 0.0545121 0.706068 1420 +0 0.577345 0.122516 0.0147426 0.0396648 0.56605 1425 +0 0.766288 0.121524 0.015167 0.0403114 0.584525 1428 +0 0.400087 0.134531 0.020834 0.0526615 0.596528 1429 +0 0.742853 0.0846169 0.0181534 0.0524879 0.652265 1442 +0 0.967726 0.458065 0.0196519 0.0443154 0.635859 1447 +0 0.646036 0.343798 0.0149345 0.0320696 0.561463 1144 +0 0.896181 0.737466 0.0156348 0.0426313 0.720998 946 +0 0.694771 0.330398 0.0280439 0.0548153 0.475005 1041 +0 0.453683 0.305421 0.0214851 0.0588981 0.672812 1365 +0 0.346321 0.282983 0.0160022 0.0503901 0.644581 1469 +0 0.317577 0.231493 0.0202699 0.0572773 0.584825 1470 +0 0.163269 0.366759 0.0170919 0.0539317 0.713714 1472 +0 0.303446 0.463834 0.0290437 0.0645326 0.434813 1473 +0 0.854493 0.28291 0.0214776 0.0388344 0.587443 1482 +0 0.691905 0.173321 0.0212473 0.0470279 0.495932 1199 +0 0.194861 0.403367 0.0146162 0.0497455 0.436034 1490 +0 0.100519 0.763322 0.0280689 0.108279 0.322094 1496 +0 0.337595 0.194013 0.0149575 0.0333574 0.412474 1498 +0 0.224433 0.435584 0.0251807 0.0729714 0.593796 1266 +0 0.83789 0.35245 0.0717943 0.102378 0.389785 1032 +0 0.633729 0.377072 0.0134892 0.0392747 0.462852 1431 +0 0.878964 0.448359 0.0173111 0.0435518 0.689795 1514 +0 0.590821 0.0489396 0.0541131 0.0859756 0.701815 1515 +0 0.972502 0.78565 0.0180625 0.0426837 0.719344 1516 +0 0.181412 0.267117 0.0194291 0.0494674 0.360935 1521 +0 0.263945 0.198191 0.0199234 0.0529187 0.511446 1525 +0 0.17476 0.65305 0.0160617 0.0567436 0.647706 705 +0 0.715709 0.822146 0.0235244 0.0625898 0.632378 648 +0 0.298777 0.187015 0.015741 0.0443249 0.488935 1415 +0 0.35919 0.0423859 0.0564906 0.0847717 0.672093 907 +0 0.434167 0.0542115 0.070419 0.0941822 0.762746 1537 +0 0.222179 0.517205 0.0163601 0.0575926 0.641215 1538 +0 0.81704 0.129763 0.0192203 0.0530293 0.579804 1552 +0 0.0652144 0.54809 0.0163847 0.0616983 0.614701 1352 +0 0.255454 0.476843 0.041022 0.0859174 0.598335 988 +0 0.458086 0.679708 0.0258438 0.0805243 0.569157 625 +0 0.325018 0.361201 0.018744 0.0637933 0.44227 1056 +0 0.530406 0.0441367 0.0384667 0.0740351 0.412686 1562 +0 0.985736 0.696951 0.0154584 0.0415068 0.713834 1563 +0 0.988773 0.570517 0.0122815 0.0313753 0.478302 1564 +0 0.321531 0.72198 0.0165289 0.051744 0.535228 1566 +0 0.390543 0.419195 0.0340834 0.0787552 0.467921 1567 +0 0.876277 0.898087 0.125393 0.144462 0.387335 784 +0 0.314882 0.835439 0.0154257 0.0551148 0.337829 919 +0 0.912903 0.695818 0.018504 0.0455687 0.729336 1068 +0 0.918376 0.764162 0.014683 0.0411853 0.69797 1583 +0 0.665647 0.156159 0.0144752 0.0409434 0.692195 1584 +0 0.0766918 0.458624 0.0414925 0.12159 0.593137 1589 +0 0.260106 0.410648 0.0164602 0.0497901 0.697062 1602 +0 0.506465 0.821304 0.0196722 0.050856 0.310515 721 +0 0.731124 0.55791 0.0172341 0.034725 0.538109 1085 +0 0.515901 0.665007 0.0236232 0.0550645 0.675563 1220 +0 0.537041 0.837655 0.0277144 0.063744 0.654491 827 +0 0.576223 0.898493 0.0246228 0.0799165 0.539426 1001 +0 0.462923 0.815916 0.0220656 0.0343884 0.353455 912 +0 0.493783 0.282834 0.0130219 0.034514 0.653572 1359 +0 0.608943 0.379805 0.0194062 0.0506552 0.595514 1402 +0 0.438045 0.769075 0.0300377 0.0769379 0.349347 1207 +0 0.372748 0.891333 0.0232922 0.0705673 0.465766 627 +0 0.348966 0.848842 0.0230496 0.0595375 0.545464 337 +0 0.250048 0.765702 0.01831 0.0487222 0.694079 1372 +0 0.360972 0.789555 0.0183107 0.0511935 0.627867 775 +0 0.205149 0.70361 0.0205576 0.0727835 0.475667 965 +0 0.586204 0.340057 0.0143001 0.0288113 0.332865 1336 +0 0.573468 0.793397 0.0227921 0.0737592 0.448729 1354 +0 0.576404 0.702345 0.0169028 0.0342251 0.605551 888 +0 0.510825 0.468288 0.0193916 0.0563189 0.349739 710 +0 0.388335 0.806152 0.0204478 0.0682864 0.383921 805 +0 0.327594 0.638854 0.0228336 0.0679071 0.61004 704 +0 0.868851 0.748632 0.0127708 0.02852 0.39156 780 +0 0.801506 0.670048 0.0278075 0.0763115 0.494536 861 +0 0.651333 0.638678 0.022311 0.0617854 0.626995 917 +0 0.703724 0.172034 0.0265347 0.0515022 0.374568 1293 +0 0.37301 0.26415 0.0159828 0.0371474 0.491963 1277 +0 0.362906 0.687026 0.0215862 0.0576138 0.62601 630 +0 0.614666 0.804727 0.0280542 0.070685 0.551077 950 diff --git a/src/FlotationAnalytics/output_botsort/track51/labels/image50.txt b/src/FlotationAnalytics/output_botsort/track51/labels/image50.txt new file mode 100644 index 0000000..11715d8 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track51/labels/image50.txt @@ -0,0 +1,152 @@ +0 0.583296 0.52796 0.10225 0.160344 0.669195 274 +0 0.672213 0.477284 0.0583576 0.106617 0.398811 386 +0 0.440864 0.896991 0.0194514 0.0536736 0.609034 31 +0 0.662371 0.827975 0.0305902 0.0788287 0.56059 269 +0 0.470875 0.942137 0.0271294 0.0802194 0.581071 563 +0 0.86327 0.821445 0.0494464 0.088331 0.57507 594 +0 0.722063 0.77265 0.0171997 0.0441071 0.754875 601 +0 0.816541 0.756502 0.0194003 0.0467072 0.701532 620 +0 0.74836 0.666148 0.102548 0.169092 0.754604 249 +0 0.833307 0.788791 0.0211348 0.0529601 0.555396 656 +0 0.718727 0.913846 0.0174571 0.0452946 0.432398 219 +0 0.36633 0.654876 0.0213737 0.0495158 0.660073 711 +0 0.501471 0.623835 0.0196691 0.0518424 0.735624 717 +0 0.549755 0.698452 0.0183921 0.0481741 0.720873 806 +0 0.896207 0.611634 0.144907 0.231219 0.826527 811 +0 0.664601 0.741251 0.0198095 0.0658178 0.61786 302 +0 0.767898 0.455913 0.0176527 0.0572753 0.726284 828 +0 0.606929 0.735146 0.0250793 0.0689117 0.465932 847 +0 0.822333 0.485961 0.0543919 0.10849 0.526079 865 +0 0.654787 0.395931 0.0220646 0.0531596 0.752065 873 +0 0.42346 0.623974 0.052882 0.0934953 0.381056 875 +0 0.498402 0.489151 0.0472802 0.0843117 0.34596 877 +0 0.776154 0.537118 0.0222222 0.0630091 0.694934 879 +0 0.693118 0.533391 0.0490533 0.0915983 0.500844 886 +0 0.226914 0.71822 0.013833 0.0524162 0.452956 902 +0 0.703666 0.417401 0.0190015 0.0477206 0.700812 909 +0 0.636239 0.749452 0.0172651 0.0330456 0.350052 943 +0 0.468537 0.52613 0.0133706 0.038005 0.400927 945 +0 0.814491 0.569935 0.0169533 0.0488185 0.622363 906 +0 0.554505 0.363441 0.0532354 0.106159 0.331565 994 +0 0.776623 0.304241 0.112717 0.215677 0.812897 174 +0 0.0778161 0.680078 0.0258452 0.0754301 0.597586 1027 +0 0.476261 0.395989 0.0534901 0.0854802 0.452309 1049 +0 0.537073 0.448403 0.0192612 0.0438101 0.663807 1057 +0 0.776415 0.812194 0.0165112 0.0431456 0.723603 1064 +0 0.898097 0.378155 0.040628 0.0909453 0.545726 1065 +0 0.193669 0.608547 0.0457917 0.0863505 0.603231 1066 +0 0.168135 0.520102 0.0310012 0.0789874 0.465707 1087 +0 0.141241 0.581346 0.0188381 0.0637275 0.556711 1119 +0 0.638569 0.300835 0.0222659 0.0574915 0.532256 1122 +0 0.468241 0.121269 0.061331 0.0949646 0.640208 480 +0 0.480747 0.263346 0.0172132 0.0411173 0.723728 1143 +0 0.730795 0.198795 0.0276166 0.0766468 0.527955 1153 +0 0.609985 0.256585 0.0187127 0.053969 0.766286 1161 +0 0.370588 0.362748 0.0689391 0.119095 0.667736 1195 +0 0.654889 0.221708 0.0172597 0.0518708 0.763462 1198 +0 0.283022 0.623974 0.0923101 0.16625 0.789042 1202 +0 0.733452 0.528781 0.0176658 0.0394909 0.569708 1204 +0 0.870565 0.274615 0.0153444 0.0414086 0.665157 1205 +0 0.139085 0.461983 0.0259218 0.0722452 0.547063 1221 +0 0.952425 0.744253 0.024964 0.0594067 0.689523 1239 +0 0.526305 0.196022 0.056819 0.0992047 0.667655 1247 +0 0.54434 0.267856 0.0806818 0.0947955 0.77119 93 +0 0.76232 0.186274 0.0153744 0.0436852 0.396915 1254 +0 0.236766 0.309286 0.0824399 0.11659 0.807956 1255 +0 0.620327 0.142336 0.060584 0.120044 0.703792 1258 +0 0.390225 0.250559 0.0193656 0.0507078 0.713201 1264 +0 0.409001 0.204084 0.0195638 0.0507711 0.601612 1267 +0 0.717277 0.148796 0.016528 0.0343601 0.61217 1285 +0 0.74456 0.146548 0.0149026 0.0285022 0.631998 1287 +0 0.430034 0.251662 0.0279876 0.0655371 0.334745 1304 +0 0.479117 0.202697 0.0224241 0.0660527 0.577182 1312 +0 0.115373 0.508819 0.019145 0.0665616 0.349564 1328 +0 0.576722 0.188231 0.0158323 0.0440037 0.690007 1334 +0 0.337082 0.517378 0.0207928 0.0612636 0.59517 1226 +0 0.694344 0.0989873 0.0555079 0.107786 0.742025 1345 +0 0.32286 0.17953 0.0184602 0.0510542 0.672347 1393 +0 0.936497 0.310227 0.0146437 0.0481525 0.412519 1414 +0 0.688497 0.292532 0.0188397 0.0517191 0.677851 1420 +0 0.575563 0.138218 0.015098 0.0401843 0.516995 1425 +0 0.764496 0.136998 0.0157848 0.0420796 0.625497 1428 +0 0.398292 0.153511 0.0204813 0.0535235 0.640279 1429 +0 0.741889 0.098936 0.0180584 0.0539315 0.66308 1442 +0 0.965797 0.474563 0.0187703 0.0428307 0.602626 1447 +0 0.642447 0.362015 0.0151789 0.0307404 0.498243 1144 +0 0.892698 0.753382 0.015678 0.0410165 0.698714 946 +0 0.693161 0.347798 0.0236272 0.0539597 0.406851 1041 +0 0.450095 0.326584 0.0203439 0.0542246 0.710699 1365 +0 0.344822 0.303505 0.0174506 0.0519777 0.61379 1469 +0 0.315156 0.254803 0.021996 0.0599472 0.729939 1470 +0 0.163073 0.393248 0.0176259 0.0563463 0.691733 1472 +0 0.302922 0.490725 0.0236371 0.0685122 0.48701 1473 +0 0.852076 0.299189 0.0198061 0.0372353 0.598571 1482 +0 0.688267 0.188232 0.0184418 0.0471901 0.475157 1199 +0 0.190341 0.435453 0.0146993 0.0483183 0.501436 1490 +0 0.335072 0.215005 0.015631 0.0322777 0.482324 1498 +0 0.218816 0.46832 0.0273305 0.0766772 0.440162 1266 +0 0.833485 0.369365 0.0602425 0.103587 0.344804 1032 +0 0.63 0.397037 0.0144443 0.0397367 0.780974 1431 +0 0.87505 0.466189 0.0172832 0.0435257 0.72652 1514 +0 0.588753 0.0591646 0.0551902 0.0982308 0.584106 1515 +0 0.964679 0.794348 0.0177939 0.0379794 0.575387 1516 +0 0.261594 0.225022 0.0221638 0.0543275 0.6081 1525 +0 0.710563 0.859083 0.0230798 0.0751403 0.652005 648 +0 0.295885 0.211374 0.0160059 0.0427038 0.56057 1415 +0 0.356043 0.0521135 0.0571101 0.104227 0.621837 907 +0 0.43333 0.0627194 0.0710425 0.112952 0.762801 1537 +0 0.218269 0.553844 0.0173972 0.0557197 0.557221 1538 +0 0.815907 0.145037 0.0187364 0.0535496 0.603806 1552 +0 0.259281 0.502996 0.0306872 0.0738864 0.546274 988 +0 0.453987 0.724758 0.021413 0.0626423 0.6666 625 +0 0.322168 0.389177 0.0189472 0.0577745 0.670081 1056 +0 0.529505 0.0531587 0.0410926 0.0907888 0.446071 1562 +0 0.982211 0.707246 0.0150538 0.0404154 0.777749 1563 +0 0.986506 0.581724 0.0112762 0.0285547 0.363483 1564 +0 0.392315 0.432045 0.0249725 0.0666825 0.53622 1567 +0 0.873416 0.889867 0.111123 0.168943 0.352096 784 +0 0.909092 0.710229 0.016892 0.0434822 0.605203 1068 +0 0.914521 0.780217 0.0145969 0.0408439 0.665639 1583 +0 0.664394 0.172517 0.0144829 0.0414121 0.678197 1584 +0 0.0763249 0.492162 0.0444537 0.128022 0.678944 1589 +0 0.257315 0.436244 0.0181456 0.0536367 0.705376 1602 +0 0.498343 0.854073 0.0193247 0.0539602 0.388715 721 +0 0.729484 0.575128 0.0175771 0.0398116 0.673797 1085 +0 0.516549 0.693684 0.0232243 0.0612465 0.556361 1220 +0 0.580864 0.928366 0.016333 0.0524643 0.422691 1001 +0 0.459525 0.850302 0.0240477 0.0743103 0.368792 912 +0 0.491272 0.301102 0.0134784 0.0334332 0.692423 1359 +0 0.607095 0.395716 0.0178448 0.0469004 0.656346 1402 +0 0.51191 0.756841 0.0196515 0.0558647 0.722781 1616 +0 0.548437 0.773092 0.0186055 0.0562635 0.746855 1620 +0 0.900552 0.191974 0.079599 0.156902 0.599003 1632 +0 0.113288 0.422213 0.0163208 0.0514931 0.624868 1638 +0 0.613986 0.352723 0.010974 0.028726 0.424125 1640 +0 0.391066 0.692075 0.0167907 0.0518916 0.637609 1645 +0 0.431956 0.806147 0.0262273 0.0824133 0.377635 1207 +0 0.202287 0.742684 0.0181676 0.0709397 0.55628 965 +0 0.581605 0.355558 0.0142543 0.0324742 0.363687 1336 +0 0.58423 0.798126 0.0184431 0.0533836 0.470779 1354 +0 0.574033 0.725716 0.0160857 0.0340127 0.3896 888 +0 0.385991 0.843545 0.0282714 0.0819051 0.454469 805 +0 0.321577 0.670534 0.0244413 0.0775063 0.565091 704 +0 0.797283 0.697111 0.0257883 0.0592853 0.431915 861 +0 0.652298 0.6633 0.0218304 0.0664583 0.432883 917 +0 0.702322 0.188467 0.0239848 0.0508007 0.400492 1293 +0 0.371665 0.285996 0.0156553 0.0384362 0.532434 1277 +0 0.355377 0.716134 0.0249977 0.0684958 0.522057 630 +0 0.606458 0.835503 0.0315929 0.0936096 0.448813 950 +0 0.455923 0.486113 0.0145825 0.0404972 0.480341 1150 +0 0.534476 0.613603 0.0147594 0.0416386 0.484946 706 +0 0.37028 0.59951 0.0195113 0.0544302 0.640509 1174 +0 0.689216 0.83876 0.0119791 0.0349954 0.447243 1234 +0 0.366508 0.919564 0.0149086 0.0456746 0.540693 562 +0 0.33387 0.806397 0.0215821 0.0605737 0.521676 887 +0 0.573983 0.762491 0.0152123 0.0348751 0.40218 1053 +0 0.761019 0.145538 0.0531412 0.0535211 0.80834 1129 +0 0.563871 0.841172 0.0237009 0.0805312 0.655532 1256 +0 0.287872 0.144859 0.0702625 0.140481 0.809229 312 +0 0.365669 0.796479 0.0194518 0.0524775 0.37695 514 +0 0.803484 0.657664 0.0145444 0.0315374 0.308214 369 +0 0.788884 0.785714 0.0129799 0.0294906 0.535889 1074 +0 0.853659 0.261177 0.0123284 0.0262513 0.408674 1357 diff --git a/src/FlotationAnalytics/output_botsort/track52/labels/image51.txt b/src/FlotationAnalytics/output_botsort/track52/labels/image51.txt new file mode 100644 index 0000000..808ef2f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track52/labels/image51.txt @@ -0,0 +1,158 @@ +0 0.587534 0.54394 0.106625 0.164208 0.441609 274 +0 0.67408 0.495579 0.0582346 0.115821 0.431357 386 +0 0.651821 0.862001 0.0342733 0.0909483 0.598432 269 +0 0.649255 0.376488 0.051381 0.0752913 0.800502 563 +0 0.859442 0.836893 0.0432407 0.0731699 0.552509 594 +0 0.813831 0.776453 0.0199557 0.0444275 0.64992 620 +0 0.745455 0.691125 0.100612 0.166445 0.757722 249 +0 0.832691 0.80038 0.0220408 0.0593298 0.548153 656 +0 0.726911 0.934046 0.0168811 0.0415829 0.676717 219 +0 0.368339 0.696547 0.0198608 0.0582195 0.474213 711 +0 0.499311 0.663867 0.0212562 0.0605747 0.729796 717 +0 0.542842 0.731904 0.0197839 0.0504267 0.538897 806 +0 0.910386 0.58294 0.0685624 0.116009 0.493419 811 +0 0.659931 0.766003 0.0224963 0.0552328 0.761813 302 +0 0.766947 0.471466 0.0174979 0.0579967 0.71603 828 +0 0.599149 0.767036 0.0224832 0.0597356 0.4633 847 +0 0.819597 0.506794 0.0556486 0.115027 0.65064 865 +0 0.653539 0.412277 0.0220342 0.0520916 0.7368 873 +0 0.419183 0.663792 0.048352 0.0920576 0.399601 875 +0 0.496349 0.524435 0.0307122 0.0526416 0.496471 877 +0 0.772805 0.556202 0.0246504 0.070212 0.690944 879 +0 0.694251 0.547641 0.0525456 0.0960494 0.542641 886 +0 0.703763 0.429881 0.0195905 0.048464 0.716759 909 +0 0.625985 0.764674 0.0153276 0.0343317 0.498014 943 +0 0.809658 0.589875 0.016328 0.0449466 0.668281 906 +0 0.775439 0.31484 0.113783 0.220213 0.842338 174 +0 0.467865 0.439078 0.0340349 0.069828 0.578205 1049 +0 0.535107 0.466695 0.0186845 0.0389172 0.749402 1057 +0 0.782137 0.830879 0.0137192 0.0358589 0.55553 1064 +0 0.897393 0.389177 0.0412044 0.0933269 0.518009 1065 +0 0.196196 0.650189 0.0374908 0.0888223 0.481168 1066 +0 0.167589 0.56077 0.0280609 0.076959 0.483194 1087 +0 0.140807 0.629447 0.0197163 0.0667319 0.606425 1119 +0 0.635269 0.321492 0.0220741 0.0533577 0.432136 1122 +0 0.465111 0.140503 0.0619318 0.0954208 0.642947 480 +0 0.484167 0.273392 0.0170406 0.0420244 0.599603 1143 +0 0.729997 0.213281 0.0283625 0.076142 0.537701 1153 +0 0.610223 0.272345 0.0204176 0.0563942 0.644516 1161 +0 0.37201 0.375806 0.0790743 0.130957 0.681558 1195 +0 0.654419 0.235107 0.0165954 0.0504106 0.745524 1198 +0 0.276928 0.663906 0.088018 0.174274 0.800812 1202 +0 0.870189 0.285782 0.0154514 0.0423646 0.672556 1205 +0 0.130922 0.498885 0.025012 0.0720057 0.661809 1221 +0 0.949985 0.75489 0.023073 0.0552397 0.713341 1239 +0 0.525821 0.210589 0.0579766 0.100287 0.687711 1247 +0 0.547597 0.278765 0.0767335 0.0968388 0.595317 93 +0 0.762352 0.201129 0.0144634 0.0438926 0.53834 1254 +0 0.235554 0.339969 0.0834569 0.121599 0.792787 1255 +0 0.619976 0.159627 0.0605108 0.120576 0.706669 1258 +0 0.38854 0.268646 0.0193798 0.0503165 0.729323 1264 +0 0.407205 0.220064 0.0183049 0.0417004 0.725347 1267 +0 0.71619 0.164151 0.016254 0.034121 0.567569 1285 +0 0.743288 0.161553 0.0151898 0.0275263 0.575782 1287 +0 0.428695 0.259585 0.0253852 0.063125 0.439573 1304 +0 0.478337 0.216377 0.0218715 0.0604514 0.554208 1312 +0 0.114061 0.564559 0.0192646 0.0637667 0.633532 1328 +0 0.575432 0.203112 0.0163144 0.044733 0.639155 1334 +0 0.334266 0.564489 0.0205641 0.0689227 0.491796 1226 +0 0.69482 0.114202 0.0541843 0.106472 0.646493 1345 +0 0.319975 0.201317 0.019904 0.0531577 0.637497 1393 +0 0.934583 0.319383 0.0152661 0.0478581 0.585867 1414 +0 0.686867 0.306876 0.0190713 0.0523822 0.646418 1420 +0 0.574049 0.153758 0.0153172 0.0413169 0.578923 1425 +0 0.76438 0.151776 0.0163857 0.0433853 0.68016 1428 +0 0.396406 0.172269 0.0205301 0.0540101 0.646088 1429 +0 0.741874 0.115 0.0178782 0.0515921 0.677592 1442 +0 0.963057 0.486586 0.0196008 0.0451906 0.548945 1447 +0 0.640526 0.378723 0.0158279 0.030659 0.580005 1144 +0 0.890959 0.767458 0.0149667 0.0405774 0.711113 946 +0 0.692069 0.362814 0.0213582 0.0529872 0.417008 1041 +0 0.45345 0.372881 0.0228624 0.0497696 0.577537 1365 +0 0.343827 0.321464 0.0173077 0.0472388 0.47176 1469 +0 0.313291 0.277616 0.0225414 0.0609555 0.700036 1470 +0 0.163129 0.423182 0.0181198 0.0570879 0.659838 1472 +0 0.299423 0.528864 0.0210034 0.0685496 0.571112 1473 +0 0.851695 0.312289 0.0184469 0.03479 0.634446 1482 +0 0.685893 0.202054 0.0164548 0.0469901 0.534416 1199 +0 0.186228 0.467841 0.0144558 0.0424029 0.400481 1490 +0 0.331502 0.236903 0.0167125 0.0322698 0.416125 1498 +0 0.215562 0.500707 0.0298684 0.0783552 0.442159 1266 +0 0.830872 0.384737 0.0566236 0.10647 0.457346 1032 +0 0.628491 0.414787 0.0147905 0.0387118 0.679789 1431 +0 0.872016 0.48286 0.0165913 0.042044 0.682015 1514 +0 0.587575 0.0729526 0.0544513 0.101347 0.619948 1515 +0 0.959357 0.807647 0.0182488 0.0417887 0.759291 1516 +0 0.258714 0.249594 0.0230754 0.0532069 0.464318 1525 +0 0.707455 0.887778 0.0221196 0.067492 0.70381 648 +0 0.292771 0.234008 0.0163656 0.0411749 0.618144 1415 +0 0.352681 0.0732423 0.057031 0.11137 0.619291 907 +0 0.43161 0.0718582 0.0712217 0.127257 0.761293 1537 +0 0.218268 0.590972 0.0187832 0.0481451 0.693047 1538 +0 0.815255 0.15805 0.019761 0.0559715 0.65326 1552 +0 0.260423 0.53503 0.0210166 0.068681 0.455971 988 +0 0.450898 0.759963 0.0188941 0.053672 0.743586 625 +0 0.320908 0.416586 0.0192067 0.0601569 0.60003 1056 +0 0.527678 0.0685132 0.0380115 0.0949006 0.45572 1562 +0 0.979462 0.716379 0.0149146 0.0404258 0.728052 1563 +0 0.396307 0.438276 0.0142903 0.0405776 0.464284 1567 +0 0.854887 0.913403 0.0580912 0.0997303 0.589046 784 +0 0.904446 0.723602 0.0174841 0.0428021 0.697613 1068 +0 0.910134 0.799114 0.0141003 0.0415625 0.704721 1583 +0 0.663346 0.186179 0.0143426 0.0406101 0.633371 1584 +0 0.0761055 0.522178 0.0454782 0.120105 0.322336 1589 +0 0.254779 0.466566 0.0192082 0.0576847 0.602488 1602 +0 0.493707 0.891013 0.0191009 0.0550555 0.642169 721 +0 0.726899 0.592064 0.0184238 0.0449599 0.654685 1085 +0 0.512491 0.725851 0.0236778 0.0629678 0.680871 1220 +0 0.45029 0.887996 0.0243283 0.068469 0.543709 912 +0 0.483705 0.339129 0.015965 0.0396527 0.627853 1359 +0 0.606874 0.413483 0.0193164 0.0419197 0.517542 1402 +0 0.508774 0.789711 0.0188715 0.0633447 0.541403 1616 +0 0.545122 0.804096 0.0188425 0.058922 0.662346 1620 +0 0.903219 0.203191 0.0841485 0.156957 0.679934 1632 +0 0.111451 0.450327 0.0171377 0.0515621 0.5985 1638 +0 0.611645 0.368262 0.0136213 0.0271949 0.472006 1640 +0 0.387493 0.73089 0.0195767 0.0561777 0.675051 1645 +0 0.424655 0.855501 0.0251888 0.087505 0.378305 1207 +0 0.588054 0.379952 0.0153594 0.0295445 0.485441 1336 +0 0.576164 0.745679 0.0242 0.0620654 0.349894 888 +0 0.390098 0.837579 0.0271103 0.0837107 0.518522 805 +0 0.316042 0.712797 0.0261689 0.0838675 0.596099 704 +0 0.791058 0.720978 0.0271253 0.0662563 0.330533 861 +0 0.650842 0.694952 0.0245133 0.0693784 0.484591 917 +0 0.702827 0.203751 0.0223156 0.0496102 0.39692 1293 +0 0.347533 0.756708 0.0247013 0.075563 0.511565 630 +0 0.603879 0.850501 0.0231636 0.0618886 0.336462 950 +0 0.322428 0.473578 0.0163 0.0402136 0.554014 1655 +0 0.819194 0.0894049 0.0473557 0.0759152 0.563982 1656 +0 0.49033 0.0382582 0.0200121 0.0468426 0.588512 1658 +0 0.964495 0.293173 0.0487032 0.104312 0.547241 1664 +0 0.119253 0.30301 0.0201891 0.0623988 0.560293 1666 +0 0.45032 0.521579 0.0253706 0.0609957 0.510524 1150 +0 0.534977 0.63657 0.0180062 0.0569048 0.648415 706 +0 0.372542 0.62727 0.0202753 0.0613169 0.668165 1174 +0 0.767057 0.109602 0.0343698 0.0454378 0.367343 1129 +0 0.568187 0.834646 0.017018 0.0518708 0.386438 1256 +0 0.212595 0.135782 0.0594099 0.133876 0.626214 312 +0 0.361314 0.830893 0.0163207 0.0505555 0.305593 514 +0 0.852326 0.27411 0.0126611 0.026776 0.383478 1357 +0 0.780429 0.744226 0.0427117 0.0996835 0.306311 230 +0 0.869111 0.706419 0.0135148 0.0371066 0.565916 76 +0 0.910181 0.951522 0.0116589 0.026655 0.35352 72 +0 0.50934 0.903572 0.0153712 0.0390481 0.62019 867 +0 0.599188 0.971846 0.0175592 0.0392477 0.659673 1048 +0 0.491026 0.488131 0.0153988 0.0325845 0.617963 1308 +0 0.673442 0.926358 0.0118568 0.0362941 0.371069 1317 +0 0.517397 0.424584 0.0213762 0.0599362 0.588242 1332 +0 0.692002 0.796458 0.017756 0.0448341 0.758703 884 +0 0.941195 0.908422 0.0149835 0.0353172 0.367552 234 +0 0.753318 0.750835 0.0817635 0.102111 0.613836 272 +0 0.585479 0.900684 0.034252 0.0816916 0.58213 101 +0 0.681295 0.674899 0.0131854 0.0412683 0.344306 824 +0 0.484775 0.58616 0.021366 0.0540809 0.67599 870 +0 0.369322 0.223902 0.0328712 0.0564908 0.355649 874 +0 0.573297 0.331904 0.0170309 0.0318051 0.360049 1186 +0 0.54468 0.897675 0.0259466 0.0715577 0.480811 827 +0 0.370742 0.913004 0.0210041 0.0589355 0.721084 627 +0 0.520242 0.500744 0.0156822 0.0422128 0.629643 710 diff --git a/src/FlotationAnalytics/output_botsort/track53/labels/image52.txt b/src/FlotationAnalytics/output_botsort/track53/labels/image52.txt new file mode 100644 index 0000000..5461724 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track53/labels/image52.txt @@ -0,0 +1,153 @@ +0 0.589929 0.567597 0.105238 0.168032 0.753219 274 +0 0.676316 0.504897 0.0577377 0.109436 0.346225 386 +0 0.66816 0.892671 0.0318143 0.0841914 0.39366 269 +0 0.68171 0.35384 0.0503317 0.0767906 0.371275 563 +0 0.822107 0.764735 0.0250246 0.0523029 0.671098 620 +0 0.740546 0.703887 0.104433 0.143862 0.718221 249 +0 0.82696 0.822967 0.0223025 0.0617816 0.606023 656 +0 0.383942 0.36788 0.0600275 0.107935 0.796273 219 +0 0.495551 0.704305 0.0221687 0.0631095 0.669828 717 +0 0.535865 0.767652 0.0200104 0.0555793 0.334348 806 +0 0.914223 0.579909 0.0274665 0.0647789 0.677507 811 +0 0.671822 0.787887 0.0203546 0.0465022 0.555983 302 +0 0.764322 0.489427 0.0188538 0.0580918 0.699982 828 +0 0.602196 0.757662 0.0186694 0.0466649 0.616787 847 +0 0.813598 0.523388 0.0558759 0.120158 0.524053 865 +0 0.653293 0.426706 0.0210157 0.0532647 0.69838 873 +0 0.415479 0.703893 0.0432053 0.098023 0.411425 875 +0 0.493477 0.564893 0.0211211 0.0440913 0.468025 877 +0 0.766307 0.576072 0.0272833 0.0666294 0.674342 879 +0 0.69333 0.566883 0.0547639 0.100108 0.549182 886 +0 0.703739 0.445307 0.0185423 0.0480283 0.727534 909 +0 0.630563 0.794505 0.0160926 0.0390744 0.661192 943 +0 0.823753 0.617787 0.0233869 0.0481597 0.694554 906 +0 0.776005 0.328564 0.115157 0.231872 0.857072 174 +0 0.462062 0.476047 0.0276263 0.0666666 0.552726 1049 +0 0.909797 0.393991 0.0603494 0.0949546 0.636109 1065 +0 0.195893 0.697598 0.0300949 0.0843731 0.451402 1066 +0 0.168573 0.59831 0.0391771 0.0837279 0.43375 1087 +0 0.14164 0.672171 0.0199841 0.0709816 0.58288 1119 +0 0.46385 0.157112 0.0616302 0.0965804 0.634088 480 +0 0.488844 0.28444 0.0161712 0.0387916 0.779149 1143 +0 0.730063 0.232559 0.0291949 0.0778808 0.652821 1153 +0 0.612349 0.286907 0.0205698 0.0586038 0.716833 1161 +0 0.364763 0.406721 0.0722134 0.12312 0.646193 1195 +0 0.653972 0.252067 0.0161314 0.0514613 0.718339 1198 +0 0.272564 0.714581 0.0833145 0.192017 0.62327 1202 +0 0.870596 0.298494 0.0154552 0.0421661 0.67686 1205 +0 0.126336 0.534675 0.0230918 0.0677113 0.673074 1221 +0 0.947023 0.766781 0.0199356 0.0471324 0.660877 1239 +0 0.525328 0.222048 0.0581509 0.0964918 0.637788 1247 +0 0.552814 0.295044 0.0752388 0.104378 0.746584 93 +0 0.761849 0.215708 0.0163191 0.0458672 0.531144 1254 +0 0.235045 0.367903 0.0842185 0.124017 0.780248 1255 +0 0.620755 0.174858 0.0605792 0.126881 0.717435 1258 +0 0.390421 0.285777 0.0201391 0.0532075 0.652653 1264 +0 0.406941 0.236241 0.0167213 0.0384751 0.73603 1267 +0 0.71427 0.186215 0.0168098 0.0361451 0.446223 1285 +0 0.74049 0.175531 0.0161067 0.0299644 0.642232 1287 +0 0.430754 0.273148 0.0224273 0.0595195 0.578273 1304 +0 0.47889 0.230842 0.020277 0.0567288 0.562159 1312 +0 0.115241 0.607208 0.0182072 0.0668413 0.578418 1328 +0 0.575298 0.216843 0.0168457 0.0447371 0.656032 1334 +0 0.327878 0.608148 0.021746 0.06705 0.70289 1226 +0 0.694638 0.135449 0.0564951 0.10222 0.65446 1345 +0 0.317832 0.223656 0.0193235 0.0521084 0.686638 1393 +0 0.931685 0.32317 0.0157275 0.045159 0.633144 1414 +0 0.687414 0.324381 0.0177075 0.0542327 0.414278 1420 +0 0.573439 0.167407 0.0157508 0.0418292 0.654253 1425 +0 0.764068 0.16692 0.0165153 0.0428386 0.681179 1428 +0 0.395895 0.191076 0.0204068 0.0544764 0.702347 1429 +0 0.741855 0.129984 0.0180878 0.0491307 0.794801 1442 +0 0.956155 0.501464 0.0228746 0.0545916 0.478538 1447 +0 0.903411 0.776939 0.01899 0.0407367 0.705744 946 +0 0.691317 0.380935 0.0212909 0.0555287 0.348847 1041 +0 0.452521 0.40882 0.0249376 0.0594177 0.710864 1365 +0 0.344372 0.336296 0.0182553 0.0489278 0.61772 1469 +0 0.313342 0.302283 0.0230261 0.0629361 0.642564 1470 +0 0.164153 0.456805 0.0186016 0.0581833 0.737018 1472 +0 0.292976 0.575359 0.0225567 0.0728461 0.459565 1473 +0 0.852385 0.325593 0.0174624 0.0321386 0.582053 1482 +0 0.684941 0.221897 0.0157951 0.0495314 0.518116 1199 +0 0.183367 0.502364 0.0131201 0.0392018 0.544306 1490 +0 0.329657 0.25895 0.0161325 0.0322575 0.439819 1498 +0 0.214804 0.53246 0.0313245 0.0784777 0.42963 1266 +0 0.834123 0.398926 0.0705306 0.108091 0.557208 1032 +0 0.627106 0.431637 0.013924 0.038694 0.536283 1431 +0 0.862723 0.494954 0.0202538 0.0553195 0.511248 1514 +0 0.584521 0.0872318 0.0491266 0.102981 0.507957 1515 +0 0.257874 0.274802 0.0224656 0.0521856 0.558344 1525 +0 0.711796 0.885951 0.015449 0.0447097 0.346244 648 +0 0.290937 0.258081 0.0160042 0.0399195 0.583637 1415 +0 0.353999 0.101858 0.0648658 0.12102 0.583339 907 +0 0.428957 0.0885108 0.0690972 0.128877 0.724033 1537 +0 0.217128 0.625957 0.0175166 0.049856 0.607707 1538 +0 0.815965 0.170927 0.0197206 0.0572477 0.625579 1552 +0 0.256635 0.570044 0.0244559 0.0720645 0.420694 988 +0 0.445112 0.780737 0.0179031 0.0328414 0.429198 625 +0 0.318458 0.445131 0.0187233 0.0598678 0.695004 1056 +0 0.52614 0.0843192 0.0378472 0.0955659 0.406928 1562 +0 0.975982 0.730137 0.0143465 0.0384053 0.611192 1563 +0 0.391826 0.470025 0.0146855 0.0494532 0.57682 1567 +0 0.863036 0.902566 0.0317718 0.0653812 0.691751 784 +0 0.903072 0.736988 0.0171484 0.0361516 0.59006 1068 +0 0.914234 0.847641 0.0160979 0.043036 0.693954 1583 +0 0.662053 0.204144 0.0142751 0.0397507 0.582776 1584 +0 0.0762366 0.574258 0.0476239 0.125092 0.543957 1589 +0 0.253234 0.497323 0.019451 0.059537 0.57933 1602 +0 0.72097 0.614491 0.0190428 0.0432336 0.607141 1085 +0 0.507031 0.762218 0.0240845 0.06243 0.667537 1220 +0 0.45967 0.897594 0.0206512 0.0524142 0.437665 912 +0 0.480237 0.363428 0.0174138 0.0482415 0.662819 1359 +0 0.606206 0.435499 0.0211964 0.0481506 0.515419 1402 +0 0.503796 0.832921 0.0234369 0.0731578 0.636183 1616 +0 0.54821 0.815888 0.0181799 0.0414892 0.506899 1620 +0 0.906688 0.209418 0.0884915 0.156337 0.717255 1632 +0 0.111713 0.482191 0.017676 0.0516682 0.60286 1638 +0 0.387466 0.779549 0.0249591 0.0795231 0.5361 1645 +0 0.436165 0.843493 0.0236878 0.0666401 0.544422 1207 +0 0.589642 0.385712 0.0202573 0.0604856 0.536337 1336 +0 0.574886 0.763193 0.0195499 0.0525281 0.609111 888 +0 0.387884 0.859396 0.0198034 0.056539 0.620974 805 +0 0.310965 0.761751 0.022903 0.086768 0.458081 704 +0 0.646532 0.724402 0.0247415 0.0712606 0.345171 917 +0 0.341251 0.806311 0.0232078 0.0797414 0.558184 630 +0 0.605876 0.899073 0.0159904 0.0443076 0.318611 950 +0 0.324475 0.534248 0.0181557 0.0571066 0.581848 1655 +0 0.817878 0.103822 0.0292341 0.0632369 0.382328 1656 +0 0.487715 0.054413 0.0199794 0.0465642 0.606055 1658 +0 0.964967 0.299746 0.0512325 0.101423 0.468278 1664 +0 0.11783 0.330871 0.0196372 0.0632288 0.63416 1666 +0 0.442831 0.564354 0.0433407 0.0845836 0.582029 1150 +0 0.533751 0.664579 0.0198904 0.0650479 0.559646 706 +0 0.368909 0.663708 0.0212783 0.0658581 0.748162 1174 +0 0.738572 0.0556374 0.0500725 0.0779744 0.667572 1129 +0 0.184367 0.143987 0.0556918 0.123835 0.594287 312 +0 0.852488 0.287073 0.013334 0.0270343 0.468458 1357 +0 0.872011 0.616763 0.0203876 0.0461465 0.763433 1691 +0 0.416129 0.509987 0.0200494 0.0598462 0.640442 1693 +0 0.282038 0.452785 0.0168558 0.0585504 0.524471 1708 +0 0.191671 0.443828 0.0131281 0.0428224 0.576963 1713 +0 0.453738 0.347015 0.0193213 0.0490605 0.661391 1717 +0 0.866371 0.716361 0.0200984 0.0472344 0.608041 76 +0 0.486559 0.518311 0.0144723 0.0317147 0.412997 1308 +0 0.512964 0.452692 0.0302353 0.0709294 0.501312 1332 +0 0.69082 0.813593 0.0164823 0.0325035 0.548022 884 +0 0.761386 0.768814 0.0780756 0.111085 0.598982 272 +0 0.583333 0.920866 0.0302793 0.0890335 0.516684 101 +0 0.489561 0.617163 0.0209687 0.0528782 0.615355 870 +0 0.35802 0.234262 0.022032 0.0616507 0.571342 874 +0 0.55336 0.919941 0.0172424 0.0505744 0.326639 827 +0 0.519869 0.529791 0.0158817 0.0406152 0.392585 710 +0 0.79516 0.942731 0.010993 0.0323466 0.406854 840 +0 0.356031 0.76066 0.0168508 0.039401 0.357221 725 +0 0.880993 0.971189 0.015888 0.0353986 0.471576 185 +0 0.826465 0.894389 0.0167315 0.0412003 0.534191 80 +0 0.535245 0.944914 0.0127214 0.0328451 0.382109 1084 +0 0.634041 0.918926 0.0232798 0.0716988 0.482538 456 +0 0.670847 0.644825 0.0229978 0.0540225 0.455532 1367 +0 0.5642 0.430828 0.0342994 0.0822155 0.581395 994 +0 0.372181 0.330801 0.0140413 0.0388853 0.519938 1277 +0 0.694521 0.846214 0.0110638 0.0261014 0.348393 1234 +0 0.824184 0.693046 0.0254014 0.0426218 0.70221 369 +0 0.789254 0.820504 0.0159563 0.0296072 0.435947 1074 diff --git a/src/FlotationAnalytics/output_botsort/track54/labels/image53.txt b/src/FlotationAnalytics/output_botsort/track54/labels/image53.txt new file mode 100644 index 0000000..bb2437b --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track54/labels/image53.txt @@ -0,0 +1,153 @@ +0 0.583425 0.595268 0.0985503 0.162052 0.732903 274 +0 0.672114 0.532604 0.0633743 0.125239 0.465844 386 +0 0.669445 0.932878 0.023195 0.0610625 0.538035 269 +0 0.81824 0.770591 0.0262657 0.059715 0.521009 620 +0 0.728426 0.732689 0.100681 0.147903 0.78309 249 +0 0.811365 0.846754 0.0257664 0.0626026 0.525735 656 +0 0.283872 0.230126 0.0682194 0.131016 0.817197 219 +0 0.486544 0.742844 0.0237682 0.0638652 0.764295 717 +0 0.525859 0.80249 0.0207503 0.056228 0.333118 806 +0 0.911329 0.595627 0.022412 0.0602916 0.731708 811 +0 0.667635 0.812658 0.0181961 0.0500645 0.367307 302 +0 0.753162 0.515228 0.0249347 0.0676727 0.63212 828 +0 0.594388 0.776045 0.021427 0.0480728 0.522333 847 +0 0.81449 0.538527 0.0732957 0.124284 0.487824 865 +0 0.650025 0.445284 0.0199056 0.0551547 0.657376 873 +0 0.408689 0.735169 0.0391155 0.0937393 0.450618 875 +0 0.488592 0.606618 0.0226288 0.0623523 0.358912 877 +0 0.75544 0.59727 0.0275955 0.061293 0.679111 879 +0 0.686912 0.586293 0.0554758 0.0929556 0.429101 886 +0 0.699414 0.463658 0.0178638 0.0505763 0.741859 909 +0 0.818509 0.642049 0.0241271 0.0524083 0.499411 906 +0 0.773781 0.3413 0.112594 0.235766 0.858116 174 +0 0.457387 0.506218 0.0240336 0.0660609 0.493077 1049 +0 0.910956 0.404197 0.0670112 0.10306 0.617338 1065 +0 0.192616 0.740647 0.0252168 0.0846159 0.562114 1066 +0 0.16691 0.631194 0.0308849 0.0908355 0.367398 1087 +0 0.139478 0.709132 0.017928 0.0688922 0.581744 1119 +0 0.462109 0.173392 0.063424 0.0983342 0.738297 480 +0 0.491179 0.297473 0.0156693 0.0420201 0.771993 1143 +0 0.72784 0.24975 0.0315162 0.0782144 0.597622 1153 +0 0.612183 0.303995 0.0201241 0.0598052 0.705239 1161 +0 0.360835 0.438757 0.0687468 0.120451 0.631874 1195 +0 0.652952 0.269597 0.0152445 0.0480365 0.74369 1198 +0 0.868527 0.314361 0.0140135 0.0402309 0.616304 1205 +0 0.123791 0.567208 0.0223956 0.0691772 0.67416 1221 +0 0.939675 0.798175 0.0192947 0.0448785 0.741553 1239 +0 0.524248 0.233464 0.0571948 0.0920523 0.654471 1247 +0 0.55473 0.310211 0.0718827 0.106705 0.767383 93 +0 0.759569 0.22897 0.0163438 0.0438133 0.63447 1254 +0 0.234567 0.395444 0.083422 0.11981 0.804255 1255 +0 0.620012 0.191273 0.059276 0.127045 0.730605 1258 +0 0.393583 0.301034 0.0199422 0.0559991 0.60151 1264 +0 0.711817 0.207409 0.0166234 0.0360715 0.525492 1285 +0 0.738314 0.190223 0.0164768 0.0328595 0.623055 1287 +0 0.432518 0.287909 0.0212589 0.0614641 0.530497 1304 +0 0.478225 0.245897 0.0198596 0.0585533 0.603474 1312 +0 0.113678 0.642206 0.0180586 0.0684567 0.502277 1328 +0 0.575002 0.230751 0.016491 0.0457263 0.690743 1334 +0 0.32273 0.645283 0.020742 0.0695912 0.669783 1226 +0 0.693827 0.154076 0.0552412 0.098132 0.650251 1345 +0 0.316531 0.252146 0.0189185 0.0592015 0.568943 1393 +0 0.925388 0.32336 0.0156149 0.044472 0.61971 1414 +0 0.685017 0.341932 0.0162532 0.0498203 0.692975 1420 +0 0.57198 0.181676 0.0145938 0.0403279 0.538006 1425 +0 0.761693 0.181051 0.0167488 0.040268 0.641877 1428 +0 0.393953 0.205268 0.0198428 0.0558245 0.547328 1429 +0 0.741581 0.143944 0.0180537 0.0482681 0.773126 1442 +0 0.948412 0.519833 0.0353989 0.0666439 0.457615 1447 +0 0.901117 0.788485 0.0160434 0.0347518 0.404227 946 +0 0.688267 0.400384 0.0209695 0.0547785 0.412775 1041 +0 0.447383 0.438691 0.0232374 0.0615724 0.582094 1365 +0 0.344934 0.356997 0.0182418 0.0523525 0.547282 1469 +0 0.314256 0.326851 0.0220728 0.0633726 0.693278 1470 +0 0.164803 0.489487 0.0184398 0.0596718 0.686895 1472 +0 0.288542 0.620326 0.0174129 0.0711591 0.491471 1473 +0 0.851045 0.341836 0.0166972 0.0345795 0.536322 1482 +0 0.68386 0.240627 0.0177194 0.0508626 0.412945 1199 +0 0.212408 0.55847 0.0339549 0.0891832 0.337454 1266 +0 0.835168 0.413198 0.0693184 0.108566 0.438708 1032 +0 0.623723 0.448405 0.013041 0.0355894 0.320417 1431 +0 0.85024 0.51958 0.0485927 0.0793146 0.32449 1514 +0 0.580376 0.105267 0.0478748 0.0987987 0.655705 1515 +0 0.259593 0.301638 0.0200982 0.0535183 0.442448 1525 +0 0.290814 0.283604 0.0147319 0.0435149 0.421394 1415 +0 0.352331 0.126274 0.0621709 0.111778 0.616055 907 +0 0.424739 0.106095 0.0704779 0.123159 0.777981 1537 +0 0.2139 0.655909 0.0179424 0.062936 0.581244 1538 +0 0.814587 0.184733 0.019756 0.0588708 0.752117 1552 +0 0.255328 0.603266 0.0224112 0.0713283 0.377521 988 +0 0.429215 0.796965 0.020919 0.0516037 0.74484 625 +0 0.316344 0.473659 0.0178859 0.0612181 0.694577 1056 +0 0.525607 0.0989573 0.0378347 0.0922489 0.48188 1562 +0 0.94956 0.718523 0.0332991 0.0632673 0.368719 1563 +0 0.389635 0.498609 0.015528 0.0525337 0.697746 1567 +0 0.858846 0.913692 0.0281194 0.0658833 0.436795 784 +0 0.895746 0.753781 0.0173913 0.0363192 0.656335 1068 +0 0.911596 0.87369 0.0205171 0.05202 0.595515 1583 +0 0.661115 0.223162 0.0153753 0.0394105 0.709394 1584 +0 0.0759552 0.611157 0.0479632 0.114901 0.300068 1589 +0 0.252566 0.529917 0.0187335 0.0621062 0.542171 1602 +0 0.711186 0.634131 0.0184033 0.0446574 0.71518 1085 +0 0.495872 0.798891 0.0238454 0.0678334 0.562288 1220 +0 0.475483 0.392188 0.0172668 0.0520177 0.634889 1359 +0 0.603778 0.458243 0.0209138 0.0528301 0.56033 1402 +0 0.497906 0.866657 0.0172643 0.0543773 0.564173 1616 +0 0.540923 0.84234 0.0208052 0.0612416 0.525832 1620 +0 0.907305 0.220131 0.0931915 0.163425 0.731659 1632 +0 0.11225 0.512233 0.0169938 0.0513974 0.578142 1638 +0 0.384784 0.815208 0.0212657 0.0657275 0.777904 1645 +0 0.437006 0.840755 0.0177204 0.04263 0.658894 1207 +0 0.572242 0.750635 0.0223568 0.0582939 0.739821 888 +0 0.30515 0.805286 0.0203346 0.0760521 0.40984 704 +0 0.634861 0.750297 0.025643 0.0710928 0.621511 917 +0 0.342284 0.839997 0.017278 0.0516956 0.470976 630 +0 0.356832 0.270786 0.0154552 0.0460582 0.714093 950 +0 0.322606 0.574809 0.0176574 0.0575497 0.720415 1655 +0 0.816532 0.116602 0.0188375 0.0531177 0.5091 1656 +0 0.485618 0.0684896 0.0197789 0.047651 0.613752 1658 +0 0.966478 0.305984 0.0478705 0.100205 0.488849 1664 +0 0.117581 0.360441 0.019543 0.0670325 0.575431 1666 +0 0.433783 0.601409 0.0513372 0.100978 0.604282 1150 +0 0.528063 0.696204 0.0211581 0.0679966 0.694094 706 +0 0.362647 0.698518 0.021889 0.068225 0.671438 1174 +0 0.727674 0.0424967 0.0538908 0.0849933 0.646206 1129 +0 0.865874 0.636757 0.0219785 0.0460543 0.700134 1691 +0 0.412012 0.542364 0.0189695 0.0582068 0.644746 1693 +0 0.281586 0.481891 0.0158819 0.0610513 0.495757 1708 +0 0.192762 0.475492 0.0138659 0.0496882 0.603316 1713 +0 0.450306 0.370607 0.0213334 0.0548129 0.646412 1717 +0 0.862442 0.732587 0.0209194 0.0545517 0.613467 76 +0 0.480006 0.547564 0.0153155 0.0344445 0.44787 1308 +0 0.507437 0.479603 0.0350101 0.0803518 0.533401 1332 +0 0.573481 0.953288 0.0194529 0.0560996 0.646863 101 +0 0.485929 0.636255 0.0255543 0.0839981 0.489989 870 +0 0.342161 0.225015 0.0147332 0.0466812 0.542611 874 +0 0.554468 0.944697 0.0143062 0.0421464 0.594692 827 +0 0.515651 0.556762 0.0187332 0.0529603 0.571667 710 +0 0.910523 0.481596 0.0194954 0.0515598 0.640926 1731 +0 0.937851 0.640232 0.0221811 0.0539688 0.681332 1735 +0 0.954921 0.586983 0.0214602 0.0494256 0.696051 1738 +0 0.783263 0.131656 0.0141915 0.0430043 0.608274 1739 +0 0.93745 0.460282 0.0197885 0.0452664 0.669504 1743 +0 0.984818 0.378146 0.0169662 0.0424492 0.585534 1744 +0 0.980803 0.453495 0.037436 0.0910974 0.513892 1745 +0 0.41028 0.347791 0.0151971 0.0450267 0.606982 1756 +0 0.910297 0.534008 0.0160603 0.0439453 0.642285 1758 +0 0.839984 0.187359 0.0136612 0.0386599 0.48108 1767 +0 0.487636 0.114845 0.0143485 0.0298973 0.504199 1770 +0 0.354347 0.799154 0.0158105 0.0378083 0.61079 725 +0 0.878975 0.978352 0.0158028 0.038235 0.551509 185 +0 0.638372 0.934329 0.0167722 0.0536533 0.597483 456 +0 0.66436 0.659767 0.0247793 0.0536071 0.485218 1367 +0 0.563804 0.464775 0.0340131 0.0817663 0.445683 994 +0 0.373293 0.352084 0.015481 0.0498386 0.661252 1277 +0 0.818202 0.710645 0.0243563 0.0458146 0.619481 369 +0 0.785244 0.83022 0.0166348 0.0359621 0.469508 1074 +0 0.309423 0.540966 0.0142418 0.039189 0.560849 830 +0 0.294543 0.896654 0.0159479 0.0471857 0.68823 692 +0 0.982567 0.659304 0.0342395 0.0954256 0.513383 1564 +0 0.564801 0.811854 0.0129119 0.0316687 0.371603 1053 +0 0.367306 0.766993 0.015194 0.0453887 0.458087 711 +0 0.956715 0.849119 0.018056 0.0426272 0.576378 1516 +0 0.607581 0.406772 0.0142202 0.0333015 0.509398 1640 diff --git a/src/FlotationAnalytics/output_botsort/track55/labels/image54.txt b/src/FlotationAnalytics/output_botsort/track55/labels/image54.txt new file mode 100644 index 0000000..1d85b1f --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track55/labels/image54.txt @@ -0,0 +1,150 @@ +0 0.57655 0.630673 0.101758 0.168395 0.400978 274 +0 0.665208 0.550486 0.0622306 0.107006 0.589453 386 +0 0.361157 0.412173 0.0590574 0.122018 0.802397 269 +0 0.813858 0.789683 0.0242168 0.0582776 0.4631 620 +0 0.720204 0.752812 0.0980616 0.158443 0.735042 249 +0 0.798626 0.87748 0.0223167 0.0595471 0.648404 656 +0 0.196135 0.179215 0.0638158 0.15132 0.592069 219 +0 0.481271 0.779589 0.0167836 0.0481476 0.404205 717 +0 0.527873 0.813235 0.0226056 0.0596174 0.66364 806 +0 0.905925 0.614778 0.0256931 0.0605111 0.657441 811 +0 0.65983 0.855505 0.0199007 0.0566027 0.660346 302 +0 0.736094 0.549351 0.02333 0.0611915 0.722745 828 +0 0.58757 0.807551 0.0172346 0.0506625 0.616635 847 +0 0.797685 0.551312 0.0506691 0.117329 0.332537 865 +0 0.64612 0.470623 0.0192869 0.0559436 0.705298 873 +0 0.400417 0.768613 0.0301228 0.0813907 0.512145 875 +0 0.496171 0.670034 0.0171189 0.0510382 0.596066 877 +0 0.743415 0.624015 0.0289307 0.0588792 0.626827 879 +0 0.679338 0.612504 0.0485096 0.0826949 0.48015 886 +0 0.695195 0.485556 0.0168053 0.0499408 0.72342 909 +0 0.812571 0.664059 0.0222781 0.0514927 0.606005 906 +0 0.768456 0.378504 0.111868 0.211897 0.828943 174 +0 0.45293 0.541754 0.0229447 0.0647356 0.629114 1049 +0 0.907848 0.419147 0.0713089 0.106369 0.640385 1065 +0 0.188988 0.779329 0.0193099 0.0559865 0.673654 1066 +0 0.1634 0.680714 0.0334774 0.109047 0.498585 1087 +0 0.459993 0.197121 0.0631676 0.103908 0.652385 480 +0 0.492011 0.32211 0.0162503 0.0444919 0.663017 1143 +0 0.723892 0.268777 0.0318202 0.0760012 0.714541 1153 +0 0.609198 0.333526 0.0192181 0.0576481 0.67615 1161 +0 0.359988 0.475717 0.0705949 0.123885 0.684129 1195 +0 0.650228 0.291098 0.0161453 0.0512644 0.69997 1198 +0 0.864511 0.331487 0.0143282 0.0404728 0.663641 1205 +0 0.121484 0.608895 0.0196864 0.0687051 0.639079 1221 +0 0.930437 0.824817 0.021226 0.0481572 0.666722 1239 +0 0.522617 0.255816 0.0552028 0.0877729 0.597087 1247 +0 0.553146 0.337331 0.0712074 0.104462 0.727398 93 +0 0.756239 0.246712 0.017205 0.043778 0.59796 1254 +0 0.235171 0.43266 0.0803027 0.129784 0.781523 1255 +0 0.616878 0.213327 0.0592868 0.133536 0.699172 1258 +0 0.395433 0.328581 0.0197654 0.0620514 0.648411 1264 +0 0.707925 0.230375 0.0164099 0.0359526 0.530417 1285 +0 0.734998 0.208749 0.0163607 0.0331984 0.621924 1287 +0 0.433642 0.312164 0.0224812 0.0687122 0.458629 1304 +0 0.477352 0.270221 0.0207169 0.0615368 0.568309 1312 +0 0.112586 0.689017 0.0175408 0.0698053 0.423031 1328 +0 0.572633 0.254745 0.0163755 0.0475023 0.71463 1334 +0 0.31918 0.689207 0.0209961 0.0707404 0.603405 1226 +0 0.69187 0.176553 0.0565449 0.0981505 0.639919 1345 +0 0.314929 0.289215 0.019101 0.0622635 0.631506 1393 +0 0.917847 0.330662 0.016013 0.0432383 0.621539 1414 +0 0.680659 0.362664 0.0171034 0.0513542 0.673398 1420 +0 0.569273 0.205048 0.01452 0.0403942 0.539922 1425 +0 0.758535 0.198568 0.0170849 0.0380132 0.672787 1428 +0 0.392728 0.229923 0.0194491 0.0586575 0.528555 1429 +0 0.7395 0.161097 0.0189603 0.0535656 0.722904 1442 +0 0.93944 0.542211 0.0311848 0.0637279 0.506459 1447 +0 0.682516 0.423603 0.0244183 0.0589866 0.367671 1041 +0 0.442939 0.474023 0.0224686 0.0634159 0.676916 1365 +0 0.346328 0.390168 0.0193474 0.0515689 0.542347 1469 +0 0.314461 0.36259 0.0225423 0.061683 0.692313 1470 +0 0.164735 0.532704 0.0183078 0.06099 0.648587 1472 +0 0.284763 0.670217 0.0204072 0.0751257 0.363863 1473 +0 0.68142 0.261759 0.018626 0.0518534 0.514219 1199 +0 0.212143 0.601308 0.0288025 0.0875548 0.503104 1266 +0 0.829918 0.428723 0.0666998 0.108725 0.421914 1032 +0 0.840349 0.538755 0.0472675 0.0812219 0.421302 1514 +0 0.579167 0.126884 0.0489858 0.101681 0.64133 1515 +0 0.260286 0.336124 0.0216567 0.0516036 0.492119 1525 +0 0.289928 0.320365 0.0157198 0.0469826 0.651224 1415 +0 0.348508 0.163811 0.0580177 0.102631 0.710407 907 +0 0.421292 0.12835 0.0686888 0.124984 0.778339 1537 +0 0.809773 0.202164 0.0193069 0.0603177 0.694612 1552 +0 0.247479 0.646934 0.0368261 0.0769742 0.492815 988 +0 0.314579 0.512762 0.0178902 0.0620141 0.692396 1056 +0 0.525069 0.120347 0.0396909 0.0933937 0.558531 1562 +0 0.937385 0.726797 0.0444115 0.0700255 0.522089 1563 +0 0.387213 0.537761 0.0163042 0.0552519 0.658524 1567 +0 0.85086 0.934473 0.0277785 0.061239 0.394573 784 +0 0.888958 0.774424 0.0200645 0.042681 0.679735 1068 +0 0.906287 0.899606 0.017293 0.0445613 0.434309 1583 +0 0.658371 0.242841 0.0157735 0.0395575 0.734757 1584 +0 0.080659 0.623274 0.0271149 0.0720416 0.416066 1589 +0 0.251148 0.573839 0.0192212 0.0622031 0.666736 1602 +0 0.701651 0.658016 0.0184566 0.0482861 0.575814 1085 +0 0.488119 0.8402 0.0220286 0.0655022 0.732931 1220 +0 0.469847 0.430738 0.0167703 0.0489079 0.608111 1359 +0 0.599748 0.485807 0.0211777 0.0563665 0.605518 1402 +0 0.53483 0.876149 0.0203386 0.0606919 0.767141 1620 +0 0.904002 0.229939 0.102543 0.169041 0.744306 1632 +0 0.112454 0.551244 0.0155189 0.0502245 0.523371 1638 +0 0.44149 0.837582 0.0143621 0.0407974 0.457294 1207 +0 0.566804 0.768982 0.0219064 0.0616361 0.670342 888 +0 0.624773 0.786409 0.0265454 0.071885 0.583779 917 +0 0.319229 0.614528 0.0191903 0.068795 0.520527 1655 +0 0.815438 0.13057 0.0200137 0.0528846 0.643935 1656 +0 0.483836 0.0895694 0.0193621 0.0468268 0.584646 1658 +0 0.962474 0.315834 0.0532314 0.10482 0.550016 1664 +0 0.117425 0.398515 0.0197739 0.0694859 0.540899 1666 +0 0.426011 0.646438 0.0551137 0.1085 0.542102 1150 +0 0.520302 0.735914 0.0215397 0.067716 0.717792 706 +0 0.355302 0.740797 0.023039 0.0684977 0.696783 1174 +0 0.719427 0.0490303 0.0542255 0.0980606 0.640121 1129 +0 0.85741 0.658859 0.0215221 0.0471709 0.670323 1691 +0 0.407478 0.581335 0.0194007 0.0560079 0.553832 1693 +0 0.280397 0.52495 0.0162769 0.0617773 0.496643 1708 +0 0.192457 0.520434 0.0129563 0.0490034 0.468991 1713 +0 0.446879 0.399218 0.0252383 0.0617538 0.447403 1717 +0 0.856504 0.754196 0.0220467 0.0577421 0.575747 76 +0 0.503281 0.512292 0.0328271 0.0788093 0.432509 1332 +0 0.47819 0.678367 0.0269019 0.0845626 0.514414 870 +0 0.512032 0.58518 0.0266014 0.067476 0.368002 710 +0 0.901754 0.505514 0.0200188 0.0511016 0.743528 1731 +0 0.933407 0.657461 0.024529 0.0533693 0.603223 1735 +0 0.95246 0.603826 0.021013 0.0504146 0.703434 1738 +0 0.779802 0.147877 0.0157993 0.0452781 0.581698 1739 +0 0.928847 0.48193 0.0203767 0.0509265 0.679043 1743 +0 0.97699 0.396707 0.0167004 0.0443527 0.737597 1744 +0 0.97467 0.47228 0.0345699 0.0848257 0.517866 1745 +0 0.409731 0.375506 0.0162015 0.0481316 0.727333 1756 +0 0.903255 0.557623 0.0181585 0.0417978 0.64276 1758 +0 0.485857 0.137806 0.0143628 0.0352395 0.498312 1770 +0 0.375303 0.386271 0.0141792 0.048741 0.379743 1277 +0 0.812698 0.735121 0.0242383 0.0484585 0.559367 369 +0 0.364687 0.293904 0.0225133 0.0775681 0.572136 1775 +0 0.971739 0.816275 0.0193834 0.0463355 0.702199 1778 +0 0.148944 0.275797 0.0817502 0.153307 0.677307 1779 +0 0.870287 0.556532 0.022809 0.0549152 0.465299 1781 +0 0.41867 0.52229 0.0180621 0.051255 0.515268 1783 +0 0.362796 0.579677 0.0197672 0.0716296 0.516912 1784 +0 0.598238 0.753415 0.0183194 0.0497102 0.580271 1787 +0 0.840843 0.702006 0.0144334 0.0392788 0.58866 1799 +0 0.391252 0.631339 0.0158587 0.050406 0.498909 1808 +0 0.307882 0.573119 0.0139788 0.0373055 0.311296 830 +0 0.977565 0.68478 0.0382365 0.0998844 0.48438 1564 +0 0.946452 0.865828 0.0224348 0.0455678 0.509366 1516 +0 0.604178 0.433937 0.0139811 0.0337552 0.579659 1640 +0 0.266382 0.744232 0.0198154 0.0749894 0.387398 1541 +0 0.884976 0.864578 0.0172765 0.0479524 0.710353 1353 +0 0.240469 0.523034 0.0149524 0.0455269 0.344002 1518 +0 0.175227 0.444988 0.0189015 0.0783954 0.480389 1521 +0 0.182519 0.822942 0.0147441 0.0391035 0.586125 705 +0 0.854205 0.831397 0.012504 0.0284766 0.326102 780 +0 0.828727 0.858859 0.0229275 0.045489 0.672678 594 +0 0.521148 0.556968 0.0174695 0.0407009 0.321706 1057 +0 0.621597 0.374437 0.0160442 0.0397778 0.49946 1122 +0 0.769711 0.780855 0.0293822 0.0707634 0.435195 230 +0 0.579655 0.444389 0.0246628 0.0548599 0.475143 1336 +0 0.846767 0.320394 0.0127583 0.0281404 0.498721 1357 +0 0.683906 0.854218 0.0136871 0.0399946 0.365064 884 diff --git a/src/FlotationAnalytics/output_botsort/track56/labels/image55.txt b/src/FlotationAnalytics/output_botsort/track56/labels/image55.txt new file mode 100644 index 0000000..b8867c0 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track56/labels/image55.txt @@ -0,0 +1,149 @@ +0 0.574002 0.667012 0.100494 0.180781 0.331729 274 +0 0.663173 0.573878 0.0621756 0.111456 0.507967 386 +0 0.310646 0.415941 0.0407436 0.0858085 0.525894 269 +0 0.814366 0.812003 0.0245354 0.0591935 0.414591 620 +0 0.711663 0.776905 0.0942023 0.158525 0.725537 249 +0 0.4711 0.82946 0.0210985 0.0551513 0.622541 717 +0 0.5274 0.842528 0.0245044 0.0643734 0.73788 806 +0 0.902926 0.631803 0.0269785 0.0593672 0.66563 811 +0 0.659396 0.88731 0.0158244 0.0460921 0.604428 302 +0 0.728664 0.573729 0.0204402 0.058525 0.705787 828 +0 0.583266 0.846324 0.0175214 0.0574426 0.582195 847 +0 0.788465 0.543328 0.0309 0.0724691 0.332503 865 +0 0.643875 0.494064 0.0193989 0.0558197 0.629708 873 +0 0.393544 0.805095 0.0245465 0.0822977 0.5752 875 +0 0.499863 0.706354 0.0155522 0.0511731 0.451855 877 +0 0.750306 0.654802 0.024398 0.0490908 0.541296 879 +0 0.676768 0.637463 0.0391615 0.0772483 0.423274 886 +0 0.69535 0.506615 0.0151577 0.0460357 0.618008 909 +0 0.811889 0.683631 0.0226361 0.0553829 0.456488 906 +0 0.768168 0.403428 0.11341 0.206541 0.805535 174 +0 0.450002 0.575402 0.0245297 0.0661131 0.656584 1049 +0 0.9079 0.433419 0.0744154 0.11363 0.675993 1065 +0 0.163183 0.737557 0.0396861 0.0934371 0.532859 1087 +0 0.459453 0.218842 0.0632413 0.106339 0.529236 480 +0 0.493192 0.343033 0.016072 0.0445968 0.673049 1143 +0 0.723711 0.281685 0.031803 0.07565 0.629425 1153 +0 0.612934 0.361534 0.0219976 0.0618821 0.638749 1161 +0 0.359846 0.510501 0.0719947 0.123403 0.726241 1195 +0 0.649894 0.308526 0.0158232 0.0503181 0.612923 1198 +0 0.863979 0.342421 0.0149967 0.0406038 0.576927 1205 +0 0.927991 0.845348 0.0188432 0.0428714 0.644568 1239 +0 0.522901 0.275485 0.055547 0.0862103 0.611071 1247 +0 0.554773 0.359814 0.0718618 0.109004 0.726699 93 +0 0.755722 0.260485 0.0173494 0.0432698 0.591661 1254 +0 0.2332 0.463512 0.0792389 0.143277 0.731676 1255 +0 0.616769 0.231455 0.05998 0.135274 0.677282 1258 +0 0.395704 0.358875 0.0202035 0.065048 0.689647 1264 +0 0.706594 0.247426 0.0165712 0.0364515 0.559101 1285 +0 0.734709 0.221441 0.0158526 0.0340497 0.70129 1287 +0 0.433077 0.33953 0.0233488 0.0729256 0.383299 1304 +0 0.477221 0.292794 0.0212644 0.064772 0.593301 1312 +0 0.572821 0.275524 0.0161666 0.045733 0.681893 1334 +0 0.315894 0.731954 0.0220985 0.0723123 0.693934 1226 +0 0.691748 0.191223 0.0588998 0.0997093 0.679314 1345 +0 0.312782 0.324024 0.0187792 0.0631812 0.609086 1393 +0 0.916464 0.336747 0.0164114 0.0456571 0.711889 1414 +0 0.678931 0.381128 0.0186581 0.0579724 0.469627 1420 +0 0.568548 0.225642 0.0140033 0.039253 0.444118 1425 +0 0.757998 0.211992 0.0166251 0.0384536 0.671479 1428 +0 0.392066 0.256268 0.0200265 0.0633143 0.390017 1429 +0 0.740269 0.171442 0.0193974 0.0555943 0.714571 1442 +0 0.934298 0.55966 0.0277806 0.0642475 0.467839 1447 +0 0.681545 0.445304 0.0243772 0.0629549 0.318969 1041 +0 0.440536 0.50575 0.023043 0.0634668 0.733977 1365 +0 0.345788 0.421421 0.0196656 0.0579414 0.453635 1469 +0 0.312789 0.395644 0.0228217 0.0614994 0.674164 1470 +0 0.16284 0.573709 0.0183021 0.0590496 0.667035 1472 +0 0.280161 0.717993 0.0213418 0.0734788 0.464599 1473 +0 0.681085 0.276982 0.0185039 0.0506787 0.571292 1199 +0 0.20772 0.643179 0.0320103 0.0887649 0.304928 1266 +0 0.830768 0.439457 0.0668656 0.111383 0.379611 1032 +0 0.837552 0.556114 0.0477065 0.0867238 0.472024 1514 +0 0.57814 0.144855 0.0508384 0.102209 0.671552 1515 +0 0.345018 0.200322 0.0583538 0.097626 0.706856 907 +0 0.419905 0.148483 0.067599 0.124238 0.695887 1537 +0 0.80876 0.212181 0.019542 0.0583626 0.695742 1552 +0 0.243694 0.688823 0.0415432 0.0834568 0.369042 988 +0 0.312537 0.550571 0.01821 0.0620655 0.75805 1056 +0 0.525711 0.138318 0.0409148 0.0971132 0.579481 1562 +0 0.383883 0.575769 0.0151101 0.0510936 0.488635 1567 +0 0.707976 0.304685 0.0193943 0.0454001 0.737363 1068 +0 0.658462 0.2597 0.0153754 0.0385536 0.724324 1584 +0 0.247371 0.61546 0.0200434 0.0606309 0.571834 1602 +0 0.695216 0.686382 0.0181271 0.0486605 0.314159 1085 +0 0.496104 0.8703 0.0168282 0.0515912 0.337469 1220 +0 0.466214 0.464954 0.0172121 0.0480062 0.616748 1359 +0 0.597604 0.508753 0.02256 0.0699757 0.425983 1402 +0 0.531428 0.910474 0.0227021 0.0645464 0.736911 1620 +0 0.906363 0.23499 0.111764 0.175956 0.719937 1632 +0 0.111871 0.584708 0.0147574 0.0435723 0.419054 1638 +0 0.566838 0.799432 0.0214964 0.0628689 0.695242 888 +0 0.619003 0.822352 0.0250709 0.0711896 0.476061 917 +0 0.314956 0.655016 0.0189673 0.0631956 0.618817 1655 +0 0.814866 0.140624 0.0191532 0.0546655 0.619326 1656 +0 0.483603 0.109482 0.020076 0.0469776 0.606717 1658 +0 0.962534 0.319611 0.0582451 0.108385 0.574218 1664 +0 0.114619 0.439525 0.0199706 0.0700292 0.583568 1666 +0 0.419613 0.688241 0.0583431 0.113593 0.511879 1150 +0 0.517323 0.773829 0.0210183 0.0655307 0.681145 706 +0 0.35188 0.783666 0.0244785 0.0721476 0.571699 1174 +0 0.71738 0.0540361 0.0534634 0.105615 0.694543 1129 +0 0.853529 0.680127 0.0220427 0.0494552 0.688216 1691 +0 0.403888 0.618136 0.0194047 0.0552149 0.617987 1693 +0 0.277055 0.566859 0.0172209 0.0656408 0.578221 1708 +0 0.189603 0.56398 0.012404 0.0457351 0.315375 1713 +0 0.443449 0.427289 0.0261769 0.0631796 0.506787 1717 +0 0.873887 0.78672 0.0255315 0.0625098 0.659589 76 +0 0.497744 0.543741 0.0365973 0.0863052 0.412609 1332 +0 0.47233 0.724469 0.0245784 0.0685833 0.66033 870 +0 0.507222 0.624176 0.0231 0.0601068 0.540467 710 +0 0.896114 0.525165 0.019956 0.0510495 0.739445 1731 +0 0.929297 0.673496 0.0254872 0.0555568 0.630199 1735 +0 0.949142 0.62044 0.0222221 0.0516466 0.695488 1738 +0 0.7782 0.159488 0.0169876 0.0459781 0.674596 1739 +0 0.923278 0.500355 0.0202899 0.0505823 0.679677 1743 +0 0.973496 0.410599 0.0172074 0.0445879 0.706221 1744 +0 0.969584 0.492979 0.0370409 0.0909735 0.423073 1745 +0 0.410804 0.408822 0.0158035 0.0473985 0.476853 1756 +0 0.89833 0.575741 0.0190263 0.0400592 0.656539 1758 +0 0.48572 0.158399 0.0146893 0.0368881 0.469086 1770 +0 0.375638 0.415658 0.0150679 0.0510241 0.55594 1277 +0 0.810913 0.761357 0.0263439 0.0507978 0.691297 369 +0 0.363441 0.322813 0.0222844 0.0722049 0.646757 1775 +0 0.986849 0.808815 0.0198816 0.0499185 0.525824 1778 +0 0.13254 0.312681 0.0625287 0.147034 0.655128 1779 +0 0.866108 0.577483 0.0241897 0.0539427 0.528783 1781 +0 0.41547 0.556921 0.0199166 0.0523866 0.55268 1783 +0 0.358894 0.613716 0.0205146 0.0695298 0.576002 1784 +0 0.596545 0.786616 0.0167458 0.0481494 0.73566 1787 +0 0.864912 0.719357 0.0358392 0.0631785 0.420868 1799 +0 0.386998 0.667082 0.0144577 0.0468366 0.315699 1808 +0 0.316181 0.601919 0.0132326 0.034357 0.322951 830 +0 0.942969 0.883247 0.0227163 0.0489022 0.677662 1516 +0 0.602435 0.459586 0.014402 0.031954 0.316279 1640 +0 0.644103 0.0459913 0.0711523 0.0844777 0.673344 1817 +0 0.794218 0.0693594 0.0627991 0.0976147 0.68588 1823 +0 0.339945 0.292002 0.015024 0.0455259 0.606008 1826 +0 0.870752 0.131661 0.0135006 0.038082 0.650023 1832 +0 0.261278 0.779253 0.0216944 0.0705602 0.642571 1541 +0 0.896936 0.900791 0.0155093 0.0392515 0.483179 1353 +0 0.238049 0.560592 0.0168563 0.0562394 0.629006 1518 +0 0.172782 0.486204 0.0215267 0.0841133 0.419092 1521 +0 0.855225 0.874112 0.0177412 0.0408289 0.48343 780 +0 0.845568 0.846458 0.0164146 0.0368855 0.586944 594 +0 0.517304 0.590314 0.0172726 0.0489959 0.327123 1057 +0 0.846003 0.333119 0.0127847 0.0306425 0.555207 1357 +0 0.835819 0.638703 0.0164062 0.0464348 0.601275 883 +0 0.760059 0.811065 0.0229443 0.0680815 0.463246 934 +0 0.788428 0.645938 0.0247286 0.0484557 0.328084 1340 +0 0.0744173 0.767383 0.0190528 0.0539392 0.730727 1352 +0 0.471361 0.702633 0.0240231 0.0960425 0.40221 945 +0 0.747143 0.614333 0.0172987 0.0350416 0.694685 1204 +0 0.661867 0.414969 0.052214 0.119867 0.470838 1144 +0 0.134172 0.78705 0.0151965 0.0445831 0.674901 1119 +0 0.617279 0.498196 0.0126652 0.0408813 0.351308 1431 +0 0.473035 0.610155 0.0140729 0.0372922 0.316373 1308 +0 0.266194 0.262986 0.0668415 0.130909 0.786976 874 +0 0.833617 0.213843 0.0110778 0.0340339 0.309246 1767 +0 0.55462 0.523302 0.0243378 0.0689648 0.520047 994 diff --git a/src/FlotationAnalytics/output_botsort/track57/labels/image56.txt b/src/FlotationAnalytics/output_botsort/track57/labels/image56.txt new file mode 100644 index 0000000..fa02ad4 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track57/labels/image56.txt @@ -0,0 +1,144 @@ +0 0.581611 0.663863 0.0519678 0.114189 0.41905 274 +0 0.655958 0.594072 0.0582674 0.105007 0.602778 386 +0 0.804329 0.834779 0.0232295 0.0567606 0.585307 620 +0 0.700633 0.804467 0.0909956 0.153645 0.601196 249 +0 0.469586 0.898013 0.0168024 0.0472095 0.435032 717 +0 0.520103 0.876043 0.0242081 0.0678422 0.641693 806 +0 0.892656 0.649519 0.0257815 0.0595615 0.688528 811 +0 0.499813 0.263175 0.0762609 0.0678878 0.745188 302 +0 0.718623 0.603022 0.0196442 0.0659764 0.657375 828 +0 0.778973 0.571539 0.0563851 0.120295 0.300206 865 +0 0.638143 0.52251 0.0170775 0.0519683 0.423196 873 +0 0.39114 0.843911 0.0220039 0.0787017 0.550676 875 +0 0.746532 0.682839 0.0218475 0.0532112 0.673122 879 +0 0.662681 0.668666 0.0458689 0.075873 0.434752 886 +0 0.689659 0.531892 0.014953 0.0442965 0.540739 909 +0 0.803788 0.704674 0.0229697 0.0612348 0.50147 906 +0 0.762353 0.423367 0.118029 0.20609 0.831024 174 +0 0.44306 0.609785 0.0232342 0.0674527 0.546287 1049 +0 0.902327 0.449308 0.071653 0.114951 0.647646 1065 +0 0.454501 0.24443 0.0588061 0.105454 0.533606 480 +0 0.493282 0.367358 0.0162022 0.0462574 0.621392 1143 +0 0.71903 0.297189 0.0331398 0.0773509 0.550279 1153 +0 0.615844 0.391517 0.0219006 0.0618432 0.650864 1161 +0 0.35643 0.543746 0.0709118 0.124784 0.577544 1195 +0 0.64676 0.329617 0.0159232 0.0507371 0.712688 1198 +0 0.858313 0.357847 0.0145229 0.0401571 0.61645 1205 +0 0.521198 0.298571 0.0549984 0.0852088 0.571673 1247 +0 0.556167 0.381701 0.0718712 0.107859 0.798405 93 +0 0.75157 0.277102 0.0169485 0.0425285 0.592446 1254 +0 0.230308 0.507793 0.0748623 0.140805 0.767633 1255 +0 0.614608 0.249323 0.0595314 0.135161 0.728916 1258 +0 0.394556 0.390941 0.0194839 0.0675125 0.584276 1264 +0 0.701994 0.266648 0.0166846 0.0360233 0.423652 1285 +0 0.732153 0.238014 0.0156689 0.0345881 0.731651 1287 +0 0.430053 0.370944 0.029846 0.08131 0.334142 1304 +0 0.475901 0.317759 0.0199947 0.0635134 0.604995 1312 +0 0.57067 0.298235 0.0152369 0.0443657 0.651917 1334 +0 0.309823 0.772904 0.0217818 0.0722195 0.663496 1226 +0 0.689439 0.210503 0.0592136 0.0982882 0.704761 1345 +0 0.311197 0.362204 0.0183205 0.0591954 0.642225 1393 +0 0.909946 0.350618 0.0159686 0.0467312 0.675079 1414 +0 0.672549 0.405575 0.0186707 0.0573858 0.715292 1420 +0 0.753804 0.228488 0.0166003 0.0383092 0.697599 1428 +0 0.390361 0.285189 0.0199136 0.0639997 0.367472 1429 +0 0.737121 0.186758 0.0193274 0.0535237 0.742418 1442 +0 0.92503 0.576939 0.0253907 0.0619861 0.474061 1447 +0 0.675108 0.471411 0.0263191 0.0640437 0.399484 1041 +0 0.435347 0.538497 0.022468 0.064158 0.679621 1365 +0 0.344564 0.454271 0.0198236 0.0591337 0.474873 1469 +0 0.311225 0.432015 0.024183 0.0629015 0.616603 1470 +0 0.162629 0.610206 0.0170352 0.0607445 0.680454 1472 +0 0.276368 0.761902 0.0196051 0.0671125 0.534327 1473 +0 0.678142 0.294401 0.0180549 0.0479167 0.659319 1199 +0 0.206585 0.681223 0.028758 0.0871389 0.372313 1266 +0 0.826526 0.456104 0.0656561 0.114031 0.45646 1032 +0 0.829881 0.570849 0.0483624 0.0831471 0.362767 1514 +0 0.575057 0.168046 0.0506457 0.101827 0.681406 1515 +0 0.341533 0.237445 0.0603674 0.0953047 0.724133 907 +0 0.417421 0.173114 0.0678056 0.130162 0.761214 1537 +0 0.803656 0.228129 0.0190208 0.0571739 0.618736 1552 +0 0.247574 0.723311 0.0311004 0.0801167 0.529397 988 +0 0.308693 0.589336 0.0186431 0.0652108 0.574403 1056 +0 0.522521 0.161821 0.0428296 0.0962702 0.464062 1562 +0 0.377041 0.615463 0.0167202 0.0531556 0.509105 1567 +0 0.656291 0.27853 0.0148016 0.0391268 0.725735 1584 +0 0.244164 0.665373 0.0167123 0.0420798 0.435516 1602 +0 0.461845 0.499611 0.0172341 0.0443507 0.635493 1359 +0 0.591397 0.538479 0.0249429 0.0810551 0.540369 1402 +0 0.904899 0.252735 0.116247 0.182501 0.735337 1632 +0 0.563483 0.825658 0.018959 0.0511522 0.522324 888 +0 0.61069 0.862225 0.0234708 0.0662925 0.557927 917 +0 0.310692 0.696165 0.0167667 0.0581819 0.470559 1655 +0 0.811594 0.155166 0.0204644 0.0577306 0.540198 1656 +0 0.47976 0.133539 0.0202998 0.0490633 0.567419 1658 +0 0.956375 0.331303 0.0651424 0.105623 0.645617 1664 +0 0.114695 0.478855 0.0195063 0.0697888 0.56858 1666 +0 0.414908 0.724978 0.0589478 0.123477 0.524235 1150 +0 0.513301 0.800385 0.016673 0.049388 0.4855 706 +0 0.356564 0.824039 0.0216524 0.0694127 0.466017 1174 +0 0.712791 0.0708794 0.0533174 0.108216 0.693905 1129 +0 0.84418 0.701679 0.0217287 0.0490615 0.610979 1691 +0 0.398148 0.653065 0.0190783 0.0585032 0.557039 1693 +0 0.27295 0.607917 0.0190961 0.0719066 0.521485 1708 +0 0.441303 0.456155 0.0257036 0.0656067 0.543202 1717 +0 0.866837 0.818017 0.0235944 0.0538682 0.684918 76 +0 0.492735 0.578102 0.0330712 0.0808406 0.491879 1332 +0 0.500044 0.658871 0.020633 0.0645232 0.487577 710 +0 0.888026 0.54277 0.0207217 0.0514686 0.709823 1731 +0 0.918287 0.69238 0.0241914 0.0530305 0.67741 1735 +0 0.938833 0.637468 0.0217023 0.0526594 0.668504 1738 +0 0.773603 0.175196 0.01758 0.0464972 0.655696 1739 +0 0.915026 0.517487 0.0198782 0.0509128 0.721892 1743 +0 0.967025 0.425313 0.018019 0.0466432 0.734876 1744 +0 0.96813 0.510106 0.0457302 0.101326 0.334675 1745 +0 0.410362 0.443307 0.0164614 0.0480828 0.639643 1756 +0 0.888234 0.594444 0.018625 0.0392212 0.681736 1758 +0 0.482866 0.18404 0.0146814 0.036913 0.467299 1770 +0 0.37555 0.451972 0.0145762 0.0505961 0.437271 1277 +0 0.798514 0.789123 0.0249268 0.0521319 0.711298 369 +0 0.36356 0.355459 0.0224241 0.0733946 0.543263 1775 +0 0.982886 0.816733 0.0197066 0.0480783 0.539172 1778 +0 0.129225 0.359238 0.0523184 0.129397 0.649913 1779 +0 0.853271 0.599578 0.023223 0.0512643 0.518519 1781 +0 0.409892 0.592482 0.0208976 0.0539225 0.486021 1783 +0 0.354041 0.648305 0.0190702 0.072161 0.354284 1784 +0 0.588288 0.82338 0.0188048 0.0537271 0.706212 1787 +0 0.866074 0.741449 0.0434311 0.074902 0.444403 1799 +0 0.381451 0.708652 0.0128034 0.0424523 0.329846 1808 +0 0.928631 0.899167 0.0223186 0.0476472 0.698987 1516 +0 0.644133 0.0576165 0.0736056 0.0981621 0.587312 1817 +0 0.792263 0.0820674 0.0648278 0.0979029 0.735804 1823 +0 0.337687 0.326962 0.0149128 0.0453693 0.492493 1826 +0 0.868349 0.146935 0.0141634 0.0406398 0.704369 1832 +0 0.235533 0.594666 0.0151311 0.0510354 0.541498 1518 +0 0.171568 0.524301 0.0219207 0.0853037 0.402273 1521 +0 0.844234 0.90436 0.0164658 0.0433402 0.368658 780 +0 0.511584 0.625871 0.0190361 0.0562513 0.371148 1057 +0 0.840939 0.349842 0.0134793 0.0331703 0.534472 1357 +0 0.423681 0.808695 0.0157611 0.0492256 0.685028 1848 +0 0.184442 0.313183 0.0561397 0.138698 0.633558 1849 +0 0.21752 0.190807 0.0198342 0.0669573 0.593373 1852 +0 0.852694 0.651614 0.016802 0.0374442 0.607128 1856 +0 0.553569 0.632273 0.0144047 0.0440861 0.63412 1861 +0 0.592792 0.657924 0.0197797 0.0585956 0.489409 1864 +0 0.282798 0.161154 0.0217295 0.0672707 0.68915 1869 +0 0.830206 0.659809 0.0183477 0.0461641 0.706843 883 +0 0.785939 0.664236 0.0223417 0.0443506 0.642844 1340 +0 0.467561 0.74566 0.0259312 0.0961144 0.577101 945 +0 0.746631 0.634596 0.0142509 0.0334877 0.431229 1204 +0 0.466829 0.647587 0.0160234 0.0448395 0.361644 1308 +0 0.244966 0.287966 0.0779762 0.147178 0.795984 874 +0 0.829848 0.229173 0.0115761 0.0358904 0.401724 1767 +0 0.547475 0.552347 0.0232389 0.0777969 0.500269 994 +0 0.566468 0.248806 0.0122697 0.0383658 0.400304 999 +0 0.331365 0.842939 0.0339202 0.100179 0.453717 1202 +0 0.906737 0.862574 0.0172795 0.0410892 0.714598 946 +0 0.245912 0.134358 0.0241857 0.0640782 0.591475 950 +0 0.560258 0.872558 0.0152158 0.0298211 0.459847 1053 +0 0.805235 0.921205 0.0168779 0.047541 0.407638 656 +0 0.255195 0.412678 0.0197444 0.049902 0.418899 1525 +0 0.286261 0.396398 0.0155947 0.0541309 0.341464 1415 +0 0.92312 0.749841 0.0310535 0.0564316 0.424434 1563 +0 0.0960061 0.721852 0.0124223 0.0468761 0.338257 1589 +0 0.979967 0.658344 0.0400662 0.106085 0.495993 1564 diff --git a/src/FlotationAnalytics/output_botsort/track58/labels/image57.txt b/src/FlotationAnalytics/output_botsort/track58/labels/image57.txt new file mode 100644 index 0000000..17d8c29 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track58/labels/image57.txt @@ -0,0 +1,143 @@ +0 0.581953 0.674247 0.0305647 0.088291 0.379829 274 +0 0.652675 0.622262 0.057967 0.0999684 0.512122 386 +0 0.818358 0.834082 0.0237107 0.058609 0.689433 620 +0 0.697137 0.813491 0.0496011 0.0986368 0.388787 249 +0 0.481137 0.948233 0.0181393 0.0500305 0.626354 717 +0 0.888434 0.66475 0.0277317 0.0632138 0.615225 811 +0 0.710392 0.644694 0.0249777 0.0773425 0.506213 828 +0 0.77523 0.571712 0.0376405 0.0870815 0.406331 865 +0 0.635519 0.550209 0.0176305 0.0524314 0.547821 873 +0 0.741544 0.70747 0.0219279 0.0563002 0.668764 879 +0 0.658214 0.702802 0.042192 0.0761992 0.45961 886 +0 0.798818 0.727612 0.0218565 0.0669443 0.460917 906 +0 0.760462 0.447792 0.121733 0.21704 0.795906 174 +0 0.439867 0.642676 0.023686 0.0717044 0.618329 1049 +0 0.89924 0.461658 0.0655778 0.116686 0.638482 1065 +0 0.451949 0.270765 0.0585435 0.106624 0.655284 480 +0 0.494708 0.391297 0.015792 0.0449987 0.611823 1143 +0 0.717725 0.312452 0.0321698 0.0839758 0.535437 1153 +0 0.616113 0.416346 0.0204982 0.0611086 0.643101 1161 +0 0.351848 0.5796 0.0689578 0.129529 0.666968 1195 +0 0.644451 0.34857 0.0171344 0.0564075 0.736385 1198 +0 0.856016 0.371911 0.0143906 0.0421309 0.624957 1205 +0 0.520831 0.322109 0.0521904 0.0827895 0.62127 1247 +0 0.556054 0.405897 0.0715381 0.117052 0.775853 93 +0 0.750749 0.292288 0.0163975 0.0425456 0.500658 1254 +0 0.231626 0.549829 0.0756338 0.142988 0.782718 1255 +0 0.613308 0.263298 0.061091 0.132952 0.709292 1258 +0 0.393656 0.423995 0.0195934 0.0662024 0.586093 1264 +0 0.6982 0.284462 0.0155769 0.0355917 0.454702 1285 +0 0.732602 0.250545 0.0153656 0.0358079 0.669692 1287 +0 0.429143 0.400588 0.0311007 0.0868643 0.439151 1304 +0 0.47486 0.343758 0.021267 0.0646491 0.616145 1312 +0 0.569389 0.31838 0.0155097 0.045711 0.584862 1334 +0 0.307297 0.817153 0.0202664 0.0693868 0.542384 1226 +0 0.688676 0.22487 0.0594308 0.0930968 0.685067 1345 +0 0.309634 0.396524 0.0188609 0.0577247 0.628829 1393 +0 0.907939 0.364821 0.0160345 0.046551 0.647137 1414 +0 0.668438 0.427893 0.0186649 0.0603341 0.660771 1420 +0 0.753734 0.243011 0.0170785 0.0415625 0.658647 1428 +0 0.388642 0.314594 0.0199429 0.064351 0.570557 1429 +0 0.736955 0.199893 0.0198846 0.0520897 0.704667 1442 +0 0.919141 0.593665 0.0334016 0.0706155 0.367309 1447 +0 0.6741 0.493421 0.0258926 0.0631311 0.489044 1041 +0 0.432584 0.570221 0.0223379 0.0648292 0.558205 1365 +0 0.342486 0.487033 0.0172837 0.0551106 0.527866 1469 +0 0.309887 0.466039 0.0234306 0.0634447 0.605621 1470 +0 0.161845 0.649003 0.0171394 0.0598984 0.689681 1472 +0 0.676323 0.310075 0.0177164 0.04835 0.662772 1199 +0 0.20566 0.72315 0.0227378 0.0767722 0.513917 1266 +0 0.826518 0.46519 0.0663848 0.129599 0.586052 1032 +0 0.824879 0.584085 0.0388717 0.0757067 0.358351 1514 +0 0.572422 0.188016 0.0503269 0.103869 0.624338 1515 +0 0.339685 0.271417 0.062326 0.0968477 0.718671 907 +0 0.414462 0.200965 0.0680894 0.136535 0.664447 1537 +0 0.802167 0.242813 0.0198624 0.0608114 0.623569 1552 +0 0.248648 0.765538 0.0223321 0.0716852 0.36613 988 +0 0.306949 0.625963 0.0166847 0.0525516 0.702954 1056 +0 0.519671 0.183392 0.0448052 0.0986549 0.616923 1562 +0 0.372714 0.653218 0.0156164 0.0532113 0.54747 1567 +0 0.654401 0.295736 0.0153855 0.04174 0.701473 1584 +0 0.240765 0.703943 0.0187986 0.0578606 0.730486 1602 +0 0.458938 0.5323 0.0165691 0.0405534 0.513535 1359 +0 0.587918 0.563902 0.0267897 0.0915715 0.340351 1402 +0 0.904697 0.260591 0.121454 0.181044 0.757661 1632 +0 0.621144 0.892089 0.0221603 0.0651844 0.765923 917 +0 0.30827 0.722295 0.0143615 0.0425807 0.672202 1655 +0 0.810476 0.168819 0.0203188 0.0579851 0.601944 1656 +0 0.476333 0.15783 0.0212942 0.0505139 0.711211 1658 +0 0.957004 0.342455 0.0659489 0.105218 0.743094 1664 +0 0.114259 0.519368 0.0191215 0.0690857 0.581562 1666 +0 0.420169 0.748829 0.0407394 0.0984741 0.496401 1150 +0 0.711183 0.0871832 0.0528489 0.108273 0.705292 1129 +0 0.839029 0.722006 0.0218094 0.0468915 0.702466 1691 +0 0.395704 0.69083 0.0173908 0.0587282 0.619414 1693 +0 0.27026 0.653997 0.0201949 0.073605 0.436879 1708 +0 0.439833 0.48561 0.0263872 0.0675411 0.650947 1717 +0 0.86649 0.820215 0.0172511 0.0376626 0.303954 76 +0 0.484939 0.615279 0.0382734 0.0840359 0.452511 1332 +0 0.495293 0.694942 0.0190313 0.061902 0.536585 710 +0 0.884003 0.558097 0.0202502 0.0553867 0.66462 1731 +0 0.91331 0.708129 0.0238797 0.0530428 0.589357 1735 +0 0.934055 0.653577 0.0204406 0.0525792 0.716216 1738 +0 0.772381 0.188616 0.0177476 0.046323 0.693006 1739 +0 0.911831 0.532316 0.0203111 0.0507001 0.688609 1743 +0 0.964674 0.439552 0.0178513 0.0469086 0.756285 1744 +0 0.9661 0.523744 0.0503578 0.101292 0.388711 1745 +0 0.410453 0.474614 0.0170964 0.0483516 0.605615 1756 +0 0.884135 0.608764 0.014379 0.0328551 0.476343 1758 +0 0.375486 0.484381 0.0147765 0.0524508 0.531085 1277 +0 0.812713 0.784889 0.0186703 0.0445732 0.450755 369 +0 0.362706 0.384144 0.0231581 0.0749819 0.499833 1775 +0 0.979889 0.825571 0.0184042 0.0472359 0.617517 1778 +0 0.127244 0.401797 0.0517241 0.124754 0.673404 1779 +0 0.848114 0.617358 0.0282219 0.0528688 0.333121 1781 +0 0.407067 0.631284 0.0208086 0.0560071 0.383022 1783 +0 0.351413 0.688368 0.0185405 0.0693949 0.520394 1784 +0 0.868265 0.757613 0.0407764 0.0756513 0.374324 1799 +0 0.379027 0.748233 0.01333 0.0480901 0.324005 1808 +0 0.919681 0.913948 0.0208842 0.0461559 0.686075 1516 +0 0.650607 0.0671158 0.090967 0.121854 0.721597 1817 +0 0.794565 0.0857111 0.0679331 0.110009 0.722986 1823 +0 0.334925 0.359768 0.0150152 0.0477829 0.543065 1826 +0 0.868534 0.159862 0.0140855 0.0420081 0.669344 1832 +0 0.507534 0.659232 0.0187613 0.0571244 0.349967 1057 +0 0.838495 0.363239 0.0140943 0.0336269 0.306677 1357 +0 0.176795 0.343266 0.0523771 0.135365 0.605329 1849 +0 0.212483 0.221709 0.0195216 0.059205 0.651204 1852 +0 0.847524 0.670919 0.0159177 0.0391523 0.580236 1856 +0 0.277499 0.191524 0.0212737 0.0663883 0.654132 1869 +0 0.826535 0.68147 0.0187885 0.0496905 0.75542 883 +0 0.782419 0.686675 0.0196965 0.0464544 0.604423 1340 +0 0.467373 0.782116 0.0279433 0.106515 0.53952 945 +0 0.35224 0.314234 0.0482506 0.0701932 0.781974 1308 +0 0.236358 0.320371 0.0839873 0.15867 0.795192 874 +0 0.827795 0.243696 0.0138614 0.0377467 0.505562 1767 +0 0.5438 0.584778 0.0204136 0.0734063 0.533717 994 +0 0.58657 0.0600832 0.019985 0.0528843 0.71918 1895 +0 0.337171 0.126791 0.0199646 0.060495 0.708284 1896 +0 0.488116 0.507979 0.0199914 0.0604632 0.678235 1897 +0 0.83606 0.20525 0.0155094 0.0371056 0.673396 1901 +0 0.0806847 0.605334 0.0190112 0.0630494 0.457122 1906 +0 0.075052 0.44444 0.0325707 0.0743889 0.417836 1912 +0 0.452785 0.12564 0.0129093 0.0388964 0.539521 1923 +0 0.352173 0.888425 0.0195168 0.0694616 0.691681 1202 +0 0.903339 0.881973 0.0172276 0.0435125 0.722937 946 +0 0.195734 0.139692 0.0390275 0.0811776 0.407007 950 +0 0.253702 0.448989 0.0181882 0.0467849 0.39134 1525 +0 0.285039 0.431019 0.0142982 0.0483459 0.493096 1415 +0 0.912997 0.766572 0.0265495 0.0561025 0.46635 1563 +0 0.977593 0.654595 0.0448141 0.109284 0.600491 1564 +0 0.31028 0.767593 0.0114429 0.0281796 0.423404 709 +0 0.599042 0.910163 0.0151019 0.0484926 0.350522 1354 +0 0.857739 0.0994238 0.0293849 0.0600653 0.339931 563 +0 0.174057 0.695447 0.0133909 0.0504987 0.371353 1490 +0 0.294833 0.901633 0.0155994 0.0481183 0.679148 704 +0 0.783692 0.824325 0.0206945 0.054744 0.713259 230 +0 0.568171 0.542787 0.0256607 0.0518075 0.360808 1336 +0 0.938207 0.866527 0.0188026 0.0441778 0.759152 1239 +0 0.563084 0.269131 0.0140849 0.0381352 0.484802 1425 +0 0.699983 0.734748 0.022179 0.0562479 0.534355 1085 +0 0.465104 0.800225 0.0226449 0.0707904 0.449245 870 +0 0.315242 0.66804 0.0143248 0.0373629 0.561255 830 +0 0.848273 0.850893 0.0210862 0.0487298 0.678148 594 diff --git a/src/FlotationAnalytics/output_botsort/track59/labels/image58.txt b/src/FlotationAnalytics/output_botsort/track59/labels/image58.txt new file mode 100644 index 0000000..f2d778d --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track59/labels/image58.txt @@ -0,0 +1,144 @@ +0 0.576959 0.697978 0.0236584 0.0800146 0.642853 274 +0 0.643859 0.655219 0.0569533 0.10064 0.543211 386 +0 0.816102 0.848182 0.0238789 0.0576694 0.735106 620 +0 0.884274 0.683049 0.0297481 0.0699376 0.494387 811 +0 0.698901 0.688038 0.0261093 0.0721191 0.591752 828 +0 0.77016 0.582831 0.0249574 0.0686409 0.694574 865 +0 0.631179 0.577102 0.0171157 0.0515232 0.507436 873 +0 0.650147 0.737783 0.0304115 0.0727414 0.415215 886 +0 0.791744 0.749607 0.0215276 0.0619948 0.675529 906 +0 0.75561 0.464875 0.119892 0.221744 0.852208 174 +0 0.436148 0.676259 0.0241509 0.073929 0.633158 1049 +0 0.895972 0.480087 0.0648106 0.118925 0.689105 1065 +0 0.449724 0.294335 0.0605743 0.110787 0.480534 480 +0 0.493628 0.416011 0.0157444 0.0447364 0.568112 1143 +0 0.714538 0.330871 0.0339894 0.0887174 0.464651 1153 +0 0.613059 0.4424 0.0193384 0.0598049 0.70624 1161 +0 0.347475 0.611477 0.0665284 0.127523 0.662468 1195 +0 0.640316 0.37159 0.017683 0.0571392 0.74743 1198 +0 0.852859 0.389805 0.0146246 0.043138 0.691259 1205 +0 0.517964 0.346892 0.0505215 0.0838664 0.672171 1247 +0 0.553457 0.434961 0.0720737 0.11797 0.743377 93 +0 0.748087 0.310216 0.01716 0.0438397 0.520794 1254 +0 0.235535 0.584252 0.0803614 0.152604 0.68699 1255 +0 0.608843 0.286795 0.0624608 0.129201 0.649931 1258 +0 0.391139 0.457526 0.0189611 0.0677145 0.602574 1264 +0 0.692519 0.309636 0.0144063 0.0389279 0.51476 1285 +0 0.731575 0.269301 0.015417 0.0357224 0.718121 1287 +0 0.426288 0.42821 0.0273862 0.0822396 0.483894 1304 +0 0.471947 0.372123 0.0227026 0.0700215 0.539197 1312 +0 0.566013 0.341733 0.0158649 0.0470738 0.610077 1334 +0 0.307812 0.849031 0.0153886 0.0509871 0.562809 1226 +0 0.685965 0.244507 0.0609129 0.0964108 0.746104 1345 +0 0.306742 0.429399 0.019167 0.0610753 0.526764 1393 +0 0.904371 0.381806 0.0160264 0.0469355 0.671147 1414 +0 0.663092 0.452457 0.0185844 0.0595152 0.617013 1420 +0 0.753825 0.261445 0.0171521 0.0439808 0.700855 1428 +0 0.386047 0.344215 0.0200498 0.0640937 0.575972 1429 +0 0.736292 0.217637 0.020595 0.0521939 0.663079 1442 +0 0.91474 0.613692 0.0301898 0.0686965 0.42044 1447 +0 0.66933 0.51821 0.0285917 0.0641997 0.37149 1041 +0 0.427804 0.602782 0.0225684 0.0649731 0.649087 1365 +0 0.339716 0.518684 0.015571 0.0539388 0.534382 1469 +0 0.308821 0.501588 0.0205824 0.06469 0.578842 1470 +0 0.160727 0.686784 0.0167431 0.0599316 0.674154 1472 +0 0.671213 0.3324 0.0185821 0.0528189 0.677895 1199 +0 0.201537 0.760522 0.0193608 0.0703343 0.590366 1266 +0 0.824521 0.481318 0.0627572 0.137832 0.524012 1032 +0 0.817499 0.59981 0.0351408 0.0762456 0.416796 1514 +0 0.569929 0.208898 0.0519896 0.108687 0.688177 1515 +0 0.328874 0.250282 0.0424199 0.0786135 0.498036 907 +0 0.41013 0.232154 0.067173 0.13693 0.730872 1537 +0 0.798136 0.26093 0.0200029 0.0610919 0.696241 1552 +0 0.237995 0.816033 0.0201762 0.0705261 0.599527 988 +0 0.517342 0.204027 0.0445612 0.104823 0.582846 1562 +0 0.368565 0.689125 0.016194 0.0467555 0.426853 1567 +0 0.650225 0.317379 0.0157058 0.0447564 0.72711 1584 +0 0.238049 0.744429 0.0180256 0.0674389 0.579284 1602 +0 0.453403 0.566459 0.0168494 0.0426271 0.535005 1359 +0 0.906028 0.271337 0.125261 0.191179 0.787098 1632 +0 0.62097 0.919886 0.0178509 0.0539933 0.507667 917 +0 0.808936 0.186393 0.0200031 0.0578629 0.612236 1656 +0 0.472136 0.183933 0.0204955 0.0517066 0.678566 1658 +0 0.956086 0.359914 0.0669067 0.113593 0.700886 1664 +0 0.113005 0.558436 0.0164492 0.0648812 0.339139 1666 +0 0.417814 0.781572 0.031447 0.0898477 0.564503 1150 +0 0.708782 0.108997 0.0529893 0.109747 0.732228 1129 +0 0.832975 0.744111 0.0212031 0.0482257 0.670319 1691 +0 0.391869 0.728623 0.018404 0.0586974 0.570925 1693 +0 0.274723 0.664561 0.0169872 0.0637617 0.4412 1708 +0 0.436574 0.516793 0.02727 0.0701919 0.495264 1717 +0 0.481708 0.647196 0.0321235 0.0813625 0.401251 1332 +0 0.490988 0.730792 0.0199602 0.0649193 0.529944 710 +0 0.877381 0.589729 0.0203367 0.0636893 0.605694 1731 +0 0.906813 0.72882 0.0207839 0.0532405 0.547352 1735 +0 0.927411 0.67384 0.0201806 0.051985 0.668571 1738 +0 0.771195 0.205306 0.0179317 0.0470952 0.66802 1739 +0 0.905282 0.554261 0.0201461 0.0537931 0.703262 1743 +0 0.960094 0.456853 0.0171304 0.0461258 0.743355 1744 +0 0.971192 0.541827 0.0473535 0.0990634 0.39759 1745 +0 0.408491 0.506622 0.0159523 0.0458827 0.462554 1756 +0 0.374104 0.517625 0.0135986 0.0496145 0.425379 1277 +0 0.814281 0.796782 0.0162608 0.042312 0.667441 369 +0 0.357517 0.427799 0.0343888 0.101854 0.427209 1775 +0 0.9724 0.840601 0.0173993 0.0443033 0.522631 1778 +0 0.124582 0.440253 0.0509754 0.125396 0.646869 1779 +0 0.837659 0.642512 0.0263144 0.0550246 0.467125 1781 +0 0.403394 0.67152 0.0196829 0.0484268 0.415158 1783 +0 0.350148 0.731358 0.0185831 0.0725447 0.501372 1784 +0 0.862649 0.778777 0.0348038 0.0758871 0.389391 1799 +0 0.910048 0.932206 0.0198225 0.0493477 0.743266 1516 +0 0.653227 0.0769605 0.100322 0.142188 0.746125 1817 +0 0.795514 0.0949785 0.0740768 0.129195 0.785701 1823 +0 0.331604 0.391828 0.0164768 0.05173 0.575069 1826 +0 0.867242 0.175369 0.0137148 0.0417758 0.659311 1832 +0 0.502216 0.695741 0.0198692 0.0636273 0.31269 1057 +0 0.835262 0.379794 0.0135925 0.0323997 0.400521 1357 +0 0.17398 0.383105 0.0519256 0.132032 0.677004 1849 +0 0.21118 0.247897 0.017839 0.0534291 0.733642 1852 +0 0.841295 0.692935 0.0137048 0.0369332 0.57147 1856 +0 0.275223 0.219175 0.0208872 0.0656025 0.641398 1869 +0 0.8203 0.706172 0.0185638 0.0482237 0.738075 883 +0 0.776206 0.711516 0.0173469 0.0445275 0.680672 1340 +0 0.462822 0.820293 0.0276511 0.108464 0.605068 945 +0 0.336018 0.313577 0.0556216 0.0862261 0.720163 1308 +0 0.232985 0.35114 0.0864453 0.169984 0.785458 874 +0 0.538445 0.6169 0.0209547 0.0730228 0.403957 994 +0 0.58379 0.0828098 0.0196578 0.0542183 0.660579 1895 +0 0.33537 0.153696 0.0200739 0.0609152 0.707923 1896 +0 0.482615 0.539547 0.0205777 0.0651665 0.553287 1897 +0 0.834657 0.220935 0.0166856 0.0381224 0.668645 1901 +0 0.0781631 0.645023 0.0199572 0.0683425 0.442798 1906 +0 0.0733671 0.481435 0.0308947 0.0714971 0.485838 1912 +0 0.44872 0.152611 0.013893 0.0414861 0.452153 1923 +0 0.893754 0.906348 0.0159216 0.0428351 0.614967 946 +0 0.1689 0.149888 0.0550265 0.0915923 0.641562 950 +0 0.283533 0.463506 0.0138512 0.0478211 0.367707 1415 +0 0.904912 0.792364 0.0490609 0.0730845 0.339311 1563 +0 0.975184 0.665125 0.0472375 0.1134 0.703293 1564 +0 0.723451 0.0421151 0.0180521 0.046972 0.685655 1930 +0 0.241378 0.187515 0.0214395 0.0666967 0.514588 1931 +0 0.827038 0.334835 0.0118108 0.0405083 0.538278 1933 +0 0.401753 0.558838 0.0145405 0.0434686 0.468129 1934 +0 0.702515 0.0623312 0.0135805 0.0357112 0.567284 1943 +0 0.661894 0.132277 0.0254189 0.0500211 0.465967 1948 +0 0.658409 0.578616 0.0136454 0.042001 0.502766 1950 +0 0.353601 0.177252 0.0152946 0.0400546 0.537437 1954 +0 0.309042 0.785692 0.0158422 0.0491872 0.666882 709 +0 0.86364 0.0985847 0.0391142 0.0761507 0.611492 563 +0 0.17164 0.738716 0.0126903 0.0457423 0.615121 1490 +0 0.780797 0.843865 0.0179551 0.0469696 0.708731 230 +0 0.562974 0.573847 0.024548 0.0504915 0.374233 1336 +0 0.936023 0.881191 0.0164194 0.0483068 0.694071 1239 +0 0.695569 0.772378 0.0214397 0.0615849 0.668661 1085 +0 0.312903 0.697217 0.0160085 0.0574402 0.588323 830 +0 0.842066 0.864901 0.020941 0.0512803 0.790369 594 +0 0.740332 0.864057 0.0166424 0.0424147 0.659861 1412 +0 0.11336 0.318994 0.0490685 0.0790163 0.589045 269 +0 0.1812 0.672309 0.0122395 0.0358722 0.347904 1713 +0 0.60255 0.585494 0.0131953 0.0372047 0.353459 1431 +0 0.546752 0.801724 0.0188127 0.0488905 0.732714 806 +0 0.444782 0.0741456 0.0913972 0.106834 0.81432 302 +0 0.68292 0.568868 0.0127389 0.0391423 0.482226 909 +0 0.474619 0.234115 0.0137612 0.036107 0.413117 1770 +0 0.172607 0.595063 0.0207638 0.0739101 0.418384 1521 diff --git a/src/FlotationAnalytics/output_botsort/track6/labels/image5.txt b/src/FlotationAnalytics/output_botsort/track6/labels/image5.txt new file mode 100644 index 0000000..74516a6 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track6/labels/image5.txt @@ -0,0 +1,94 @@ +0 0.839269 0.564932 0.12503 0.182268 0.822838 1 +0 0.266497 0.312121 0.0719177 0.0987488 0.762087 2 +0 0.409259 0.790041 0.0501749 0.122803 0.507586 4 +0 0.955744 0.560768 0.0815105 0.216532 0.780599 5 +0 0.454172 0.192796 0.0815627 0.146845 0.763662 6 +0 0.725683 0.477522 0.0185732 0.0575404 0.729216 7 +0 0.358928 0.306169 0.0752246 0.12562 0.753593 8 +0 0.440774 0.424588 0.0207459 0.0638169 0.689996 9 +0 0.724394 0.201448 0.0746231 0.144212 0.70955 13 +0 0.63042 0.225523 0.0216793 0.0662424 0.692698 14 +0 0.582051 0.461525 0.0854908 0.163315 0.77075 16 +0 0.736476 0.409986 0.021365 0.0583969 0.690829 18 +0 0.765737 0.442644 0.0214981 0.066749 0.647605 21 +0 0.315962 0.0231316 0.0853781 0.0462632 0.79055 22 +0 0.9497 0.707328 0.0285487 0.0559781 0.690263 23 +0 0.935128 0.798562 0.0166022 0.0416123 0.613909 26 +0 0.66319 0.16407 0.0198297 0.0522224 0.782449 27 +0 0.352647 0.400685 0.0148328 0.0474742 0.673361 28 +0 0.681003 0.469842 0.0364902 0.0950214 0.491046 29 +0 0.615435 0.579303 0.036916 0.125925 0.599151 30 +0 0.574246 0.104317 0.173108 0.185323 0.792132 31 +0 0.237534 0.398189 0.021391 0.0731192 0.45334 33 +0 0.14768 0.720617 0.0196352 0.0642625 0.51431 36 +0 0.254184 0.486896 0.0567317 0.0996652 0.585724 38 +0 0.894129 0.821554 0.021132 0.0549446 0.71092 40 +0 0.378155 0.486134 0.0339069 0.0936376 0.653611 44 +0 0.765665 0.537814 0.0224155 0.0563623 0.634191 45 +0 0.934932 0.446691 0.0210124 0.0455261 0.686773 47 +0 0.521394 0.525195 0.0170309 0.0524587 0.564192 48 +0 0.504893 0.419385 0.0245659 0.0591286 0.513548 50 +0 0.716362 0.638943 0.0414053 0.128032 0.451074 56 +0 0.775786 0.341484 0.0512134 0.0791807 0.718887 59 +0 0.917033 0.386375 0.0234853 0.0623467 0.670944 60 +0 0.845109 0.38144 0.103909 0.146971 0.826381 63 +0 0.20847 0.497383 0.0168468 0.0561804 0.541658 64 +0 0.359189 0.177156 0.0245889 0.0757272 0.638086 68 +0 0.765746 0.105464 0.014866 0.0440488 0.571308 76 +0 0.295035 0.376434 0.0160958 0.0487223 0.563705 77 +0 0.808939 0.76256 0.0388454 0.104242 0.355979 78 +0 0.943019 0.279854 0.0630863 0.115829 0.679414 80 +0 0.438004 0.339259 0.0199838 0.0728997 0.687802 83 +0 0.835478 0.236294 0.0464505 0.0839469 0.418382 92 +0 0.714493 0.328934 0.0268678 0.0689537 0.493762 95 +0 0.836827 0.68456 0.0153943 0.0498541 0.449343 96 +0 0.529027 0.300701 0.101143 0.154863 0.740068 98 +0 0.694948 0.118153 0.014893 0.0366379 0.629251 101 +0 0.677386 0.373108 0.0157839 0.0343072 0.582628 102 +0 0.261342 0.803252 0.0413226 0.113392 0.414232 103 +0 0.610864 0.640291 0.0416528 0.169782 0.463317 108 +0 0.447128 0.55032 0.0728318 0.163414 0.610885 109 +0 0.503894 0.605011 0.0234756 0.0687133 0.710101 111 +0 0.207951 0.686199 0.0260969 0.0841213 0.535717 112 +0 0.473296 0.799183 0.0210793 0.0676455 0.624875 119 +0 0.770605 0.26409 0.0439639 0.0819529 0.559255 121 +0 0.724043 0.798089 0.0224739 0.0827003 0.421241 123 +0 0.191595 0.191463 0.0839691 0.121511 0.563889 128 +0 0.587149 0.881676 0.0227478 0.0755939 0.516668 129 +0 0.661965 0.338223 0.0383624 0.0781412 0.593411 139 +0 0.621873 0.357272 0.0146004 0.0474008 0.498939 140 +0 0.782151 0.75603 0.0665324 0.120178 0.62114 149 +0 0.910013 0.746408 0.0219147 0.0609035 0.6204 154 +0 0.296149 0.106074 0.109751 0.161739 0.770542 156 +0 0.880113 0.949942 0.0167945 0.0439722 0.43911 162 +0 0.965977 0.374899 0.0486609 0.0858785 0.692617 163 +0 0.390341 0.18628 0.0223748 0.0596221 0.515897 170 +0 0.258197 0.723077 0.0213691 0.0425464 0.397165 106 +0 0.512842 0.469757 0.0211393 0.0514182 0.71367 174 +0 0.993985 0.597537 0.0120291 0.0589398 0.490111 185 +0 0.468599 0.421711 0.0206384 0.070416 0.383722 189 +0 0.166324 0.571335 0.0189642 0.0435079 0.609036 110 +0 0.36362 0.685301 0.0207735 0.0734825 0.671909 10 +0 0.458711 0.732195 0.0265702 0.0709443 0.662116 208 +0 0.316932 0.65417 0.0192038 0.0632871 0.549197 209 +0 0.485155 0.695428 0.0226079 0.063571 0.587112 215 +0 0.926132 0.238444 0.0201302 0.0500973 0.383192 219 +0 0.310831 0.227607 0.0227314 0.0594014 0.560519 221 +0 0.679336 0.091256 0.0174719 0.0451746 0.639223 225 +0 0.877532 0.24777 0.0130917 0.0372119 0.444548 228 +0 0.915121 0.202864 0.0135999 0.0364169 0.637568 230 +0 0.984056 0.730077 0.0318873 0.113341 0.520154 234 +0 0.311508 0.479472 0.0165837 0.0512142 0.667239 236 +0 0.548919 0.614184 0.020785 0.0625938 0.484234 19 +0 0.163717 0.436333 0.0663419 0.104923 0.520657 71 +0 0.514672 0.689992 0.0163782 0.0603903 0.389984 93 +0 0.685956 0.402615 0.0145984 0.028289 0.391846 105 +0 0.745671 0.907177 0.0174451 0.0472828 0.389039 53 +0 0.665291 0.932322 0.0184627 0.0547982 0.783196 81 +0 0.65028 0.566702 0.0182636 0.0578848 0.627675 82 +0 0.281402 0.671794 0.0124127 0.0460491 0.451969 94 +0 0.636499 0.475979 0.0215132 0.055768 0.403582 113 +0 0.960406 0.822824 0.0163735 0.0443133 0.640677 73 +0 0.864493 0.784757 0.0184961 0.0552491 0.804665 12 +0 0.110257 0.722693 0.0181332 0.068551 0.319615 85 +0 0.0886998 0.585481 0.0178428 0.0724118 0.45414 131 diff --git a/src/FlotationAnalytics/output_botsort/track60/labels/image59.txt b/src/FlotationAnalytics/output_botsort/track60/labels/image59.txt new file mode 100644 index 0000000..4b02820 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track60/labels/image59.txt @@ -0,0 +1,138 @@ +0 0.576264 0.717315 0.031825 0.0854675 0.320349 274 +0 0.638315 0.689343 0.0581056 0.106457 0.471334 386 +0 0.812609 0.858238 0.0170521 0.0398823 0.506224 620 +0 0.875482 0.710985 0.0261215 0.0660897 0.605468 811 +0 0.692679 0.718056 0.0275161 0.0786263 0.63389 828 +0 0.765358 0.599029 0.0209657 0.0636371 0.656982 865 +0 0.644426 0.76199 0.0176267 0.049468 0.606004 886 +0 0.785564 0.770338 0.0207999 0.0599693 0.7041 906 +0 0.752852 0.480771 0.119903 0.214531 0.847823 174 +0 0.431758 0.710762 0.0228995 0.078409 0.548891 1049 +0 0.893697 0.498922 0.0658127 0.126666 0.703886 1065 +0 0.446907 0.320606 0.0554285 0.110795 0.458035 480 +0 0.49173 0.44112 0.0144228 0.0421371 0.563489 1143 +0 0.710495 0.348263 0.0309189 0.0789302 0.574786 1153 +0 0.608273 0.470295 0.0186548 0.059499 0.668465 1161 +0 0.344007 0.651429 0.0639565 0.134943 0.730186 1195 +0 0.635025 0.398846 0.0198272 0.0652549 0.699272 1198 +0 0.849262 0.406061 0.0147424 0.0428688 0.484419 1205 +0 0.514272 0.374215 0.0526979 0.0901927 0.544786 1247 +0 0.548572 0.462203 0.0697321 0.121579 0.747725 93 +0 0.744983 0.330729 0.0176915 0.0454434 0.575554 1254 +0 0.236847 0.613002 0.081393 0.162206 0.674816 1255 +0 0.625626 0.299789 0.100411 0.131541 0.767491 1258 +0 0.38873 0.494352 0.0180981 0.0681379 0.580274 1264 +0 0.531791 0.165537 0.0821162 0.105736 0.804385 1285 +0 0.728089 0.28763 0.0164604 0.0336977 0.648487 1287 +0 0.422739 0.462029 0.0347622 0.0881047 0.379658 1304 +0 0.469522 0.399432 0.0204054 0.067875 0.443512 1312 +0 0.561486 0.364391 0.0193513 0.0536874 0.55476 1334 +0 0.304205 0.461562 0.0192898 0.0633633 0.536825 1393 +0 0.901028 0.397849 0.0164331 0.0487064 0.699692 1414 +0 0.659158 0.478834 0.0187934 0.0613756 0.571131 1420 +0 0.751183 0.280896 0.0179497 0.0430997 0.698439 1428 +0 0.384539 0.373738 0.020722 0.0700828 0.488554 1429 +0 0.733682 0.237727 0.0215952 0.0550043 0.74225 1442 +0 0.911836 0.631314 0.0249091 0.0642705 0.520086 1447 +0 0.667653 0.544855 0.0247738 0.0643983 0.402659 1041 +0 0.423687 0.634687 0.0226245 0.0639065 0.627228 1365 +0 0.336699 0.554082 0.0157456 0.0552407 0.520339 1469 +0 0.306543 0.537015 0.0192786 0.0656944 0.491005 1470 +0 0.66574 0.357312 0.0209994 0.0541784 0.452705 1199 +0 0.199654 0.801236 0.0201366 0.0740242 0.452619 1266 +0 0.823207 0.500301 0.0617807 0.137068 0.570282 1032 +0 0.810389 0.618842 0.0297341 0.0708182 0.494498 1514 +0 0.56621 0.233589 0.0540937 0.107026 0.721844 1515 +0 0.323149 0.261928 0.033026 0.071623 0.540736 907 +0 0.405548 0.260231 0.067335 0.148327 0.722061 1537 +0 0.792261 0.281225 0.0212607 0.0627193 0.729241 1552 +0 0.233343 0.854553 0.0160057 0.0594649 0.668355 988 +0 0.511781 0.226575 0.0451102 0.120676 0.535108 1562 +0 0.362998 0.727104 0.0173441 0.0435968 0.300715 1567 +0 0.448867 0.598125 0.0171018 0.0442157 0.628016 1359 +0 0.903721 0.282831 0.132655 0.199558 0.764845 1632 +0 0.805763 0.203494 0.0207764 0.0584132 0.606871 1656 +0 0.467267 0.213105 0.018642 0.0514147 0.617134 1658 +0 0.953858 0.373798 0.0666047 0.119731 0.673509 1664 +0 0.413088 0.816756 0.0296701 0.0909448 0.632953 1150 +0 0.706839 0.131348 0.0540823 0.107918 0.664406 1129 +0 0.827153 0.766465 0.0203493 0.0478635 0.648513 1691 +0 0.388537 0.755671 0.0238818 0.0766347 0.409329 1693 +0 0.275987 0.68602 0.0158727 0.0525333 0.622036 1708 +0 0.432749 0.549129 0.0269216 0.0740544 0.528357 1717 +0 0.479512 0.677316 0.0260532 0.0762383 0.56983 1332 +0 0.486609 0.765516 0.020717 0.0661607 0.472866 710 +0 0.873287 0.622086 0.0208202 0.0666146 0.657456 1731 +0 0.90185 0.749449 0.0182484 0.0512036 0.6371 1735 +0 0.923693 0.692831 0.0207552 0.0538404 0.714273 1738 +0 0.768492 0.223101 0.0179121 0.0471846 0.636289 1739 +0 0.900559 0.573619 0.0196537 0.0519584 0.756202 1743 +0 0.956904 0.472818 0.0174176 0.044676 0.754573 1744 +0 0.978516 0.557918 0.0365755 0.0969831 0.395552 1745 +0 0.406162 0.540937 0.0148934 0.0425452 0.456776 1756 +0 0.811501 0.814026 0.0155418 0.0419309 0.70719 369 +0 0.355157 0.46368 0.0419624 0.114225 0.423626 1775 +0 0.967306 0.856484 0.0156519 0.0430509 0.525708 1778 +0 0.122474 0.482107 0.0491436 0.133893 0.550544 1779 +0 0.82745 0.667619 0.0227444 0.0527701 0.69892 1781 +0 0.391515 0.674213 0.0201582 0.0551045 0.55727 1783 +0 0.34781 0.763534 0.0182707 0.0578245 0.59561 1784 +0 0.856771 0.799006 0.0295785 0.0694941 0.483108 1799 +0 0.651837 0.0887942 0.100899 0.160068 0.763635 1817 +0 0.796047 0.106512 0.0807377 0.143923 0.792976 1823 +0 0.329998 0.423307 0.0170734 0.0533614 0.505261 1826 +0 0.864921 0.189992 0.0137859 0.0411164 0.60965 1832 +0 0.498309 0.727274 0.0200137 0.0594664 0.44287 1057 +0 0.832077 0.395951 0.0139472 0.0329236 0.442836 1357 +0 0.17367 0.425768 0.0501506 0.140751 0.645346 1849 +0 0.212472 0.269668 0.016899 0.0513388 0.632154 1852 +0 0.834927 0.716584 0.0150722 0.0347745 0.579414 1856 +0 0.274455 0.247228 0.0205462 0.0645157 0.645909 1869 +0 0.813346 0.727464 0.0188188 0.046245 0.727993 883 +0 0.769472 0.735819 0.0183537 0.0443266 0.736575 1340 +0 0.328128 0.331178 0.0602194 0.093744 0.711476 1308 +0 0.231399 0.388466 0.0867155 0.168545 0.777263 874 +0 0.534204 0.645876 0.0200019 0.0696304 0.46192 994 +0 0.581532 0.104785 0.0201002 0.055336 0.711205 1895 +0 0.333527 0.179586 0.0212305 0.0642005 0.641684 1896 +0 0.478265 0.573773 0.0201245 0.0645414 0.609602 1897 +0 0.834395 0.233823 0.0165148 0.0346611 0.690764 1901 +0 0.0762302 0.689038 0.0205811 0.0738793 0.495112 1906 +0 0.0745402 0.520768 0.0228993 0.0661654 0.454935 1912 +0 0.443392 0.183603 0.0125175 0.0422534 0.399602 1923 +0 0.2813 0.499016 0.0158233 0.0531286 0.567913 1415 +0 0.897023 0.809186 0.0365015 0.0620407 0.54711 1563 +0 0.972346 0.677435 0.0511596 0.118307 0.685972 1564 +0 0.720436 0.0609977 0.0184259 0.0472926 0.728663 1930 +0 0.239956 0.215973 0.0221871 0.0660363 0.578566 1931 +0 0.397026 0.592729 0.0168397 0.0463144 0.586926 1934 +0 0.661381 0.155742 0.019949 0.0534969 0.563738 1948 +0 0.650728 0.610724 0.0148159 0.043744 0.649785 1950 +0 0.352292 0.20076 0.013917 0.0404577 0.493392 1954 +0 0.874059 0.0980812 0.0477348 0.0811314 0.573538 563 +0 0.171156 0.772239 0.0119885 0.0461588 0.478645 1490 +0 0.552695 0.600674 0.016846 0.0387775 0.376724 1336 +0 0.933737 0.896347 0.0153465 0.0463062 0.691239 1239 +0 0.310545 0.724858 0.0159803 0.054013 0.756315 830 +0 0.714693 0.631318 0.024277 0.0513357 0.682793 1959 +0 0.516544 0.071564 0.0130893 0.0390414 0.45403 1960 +0 0.313675 0.065889 0.0162689 0.0513891 0.478787 1961 +0 0.232884 0.140002 0.0185288 0.0608123 0.544709 1964 +0 0.544512 0.0746991 0.0341221 0.0817211 0.511964 1966 +0 0.267431 0.0813877 0.0486918 0.0786376 0.707714 1978 +0 0.733803 0.885023 0.0186345 0.047041 0.510525 1412 +0 0.55264 0.819821 0.012813 0.0363594 0.433586 806 +0 0.382472 0.0330296 0.0834941 0.0660591 0.538068 302 +0 0.682414 0.592092 0.0124151 0.0384711 0.300718 909 +0 0.470172 0.262143 0.0117465 0.0318188 0.307485 1770 +0 0.78105 0.928587 0.0135684 0.0388925 0.492407 861 +0 0.652276 0.529244 0.0575949 0.0962102 0.344714 1144 +0 0.579654 0.699532 0.0454082 0.129579 0.503079 1864 +0 0.686103 0.835291 0.01697 0.0536652 0.390382 249 +0 0.728488 0.731567 0.0151371 0.0400287 0.423919 879 +0 0.301053 0.629908 0.0162203 0.0585432 0.652278 1056 +0 0.577779 0.624 0.023785 0.066912 0.471453 1402 +0 0.867083 0.866704 0.0119046 0.0332039 0.368614 76 +0 0.819082 0.28476 0.0148585 0.0356216 0.302151 1767 +0 0.252929 0.518454 0.0212835 0.0512147 0.300553 1525 +0 0.457403 0.855307 0.0211975 0.0779418 0.427901 870 diff --git a/src/FlotationAnalytics/output_botsort/track61/labels/image60.txt b/src/FlotationAnalytics/output_botsort/track61/labels/image60.txt new file mode 100644 index 0000000..251adab --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track61/labels/image60.txt @@ -0,0 +1,137 @@ +0 0.568463 0.753413 0.0388635 0.104122 0.477452 274 +0 0.63044 0.723261 0.0665542 0.119107 0.613323 386 +0 0.867079 0.738815 0.0217613 0.0587699 0.661902 811 +0 0.691361 0.727432 0.02192 0.0582819 0.681615 828 +0 0.770748 0.654219 0.0344677 0.072125 0.451403 865 +0 0.679035 0.854943 0.0256985 0.0656339 0.766869 906 +0 0.749145 0.48476 0.113453 0.21854 0.851403 174 +0 0.427926 0.753356 0.0242339 0.0911092 0.575626 1049 +0 0.891927 0.512305 0.0621178 0.124209 0.701692 1065 +0 0.4462 0.35003 0.0561048 0.11129 0.495766 480 +0 0.489113 0.467819 0.0145337 0.0409335 0.378304 1143 +0 0.704274 0.367316 0.0279393 0.0744905 0.667722 1153 +0 0.339598 0.691636 0.063651 0.142519 0.604233 1195 +0 0.6288 0.432519 0.0209407 0.0643119 0.749105 1198 +0 0.845488 0.421598 0.0150008 0.0432599 0.609238 1205 +0 0.512273 0.402336 0.050535 0.0894034 0.492947 1247 +0 0.544239 0.491018 0.068098 0.128204 0.767167 93 +0 0.739669 0.348596 0.0182478 0.0422077 0.565327 1254 +0 0.235273 0.660575 0.0839042 0.165062 0.472243 1255 +0 0.6301 0.317972 0.109898 0.141795 0.80168 1258 +0 0.386053 0.534791 0.0195606 0.0699368 0.563718 1264 +0 0.485524 0.129196 0.101447 0.139096 0.818071 1285 +0 0.719367 0.309602 0.0175155 0.0308155 0.30784 1287 +0 0.419675 0.491966 0.0298083 0.0837003 0.433798 1304 +0 0.467465 0.429038 0.0192401 0.0675019 0.355761 1312 +0 0.560069 0.394288 0.0176269 0.0456454 0.568666 1334 +0 0.30295 0.495099 0.0194997 0.0635547 0.675487 1393 +0 0.896715 0.412046 0.0169075 0.0487435 0.727864 1414 +0 0.656015 0.506089 0.023924 0.0667813 0.357636 1420 +0 0.743625 0.300016 0.0185618 0.0399096 0.517252 1428 +0 0.384266 0.401917 0.0211126 0.068845 0.547842 1429 +0 0.72418 0.260386 0.0259579 0.0616584 0.613504 1442 +0 0.911952 0.647661 0.0234617 0.0635263 0.565067 1447 +0 0.660771 0.572052 0.0365717 0.0677657 0.411088 1041 +0 0.420276 0.666715 0.0220863 0.0649182 0.586036 1365 +0 0.333233 0.590293 0.0167095 0.0572232 0.606733 1469 +0 0.303549 0.575145 0.0204341 0.0652738 0.563051 1470 +0 0.65575 0.388949 0.0209404 0.0543344 0.586626 1199 +0 0.198729 0.833562 0.0158555 0.0501244 0.539889 1266 +0 0.823325 0.511189 0.0606574 0.127907 0.555686 1032 +0 0.795305 0.605423 0.0215161 0.0499817 0.522001 1514 +0 0.562372 0.260347 0.0519322 0.102808 0.651954 1515 +0 0.320225 0.285886 0.0355067 0.07496 0.505743 907 +0 0.401825 0.288879 0.0647722 0.141276 0.665196 1537 +0 0.783822 0.302417 0.0225905 0.0629266 0.572252 1552 +0 0.508986 0.251725 0.0439227 0.114956 0.492714 1562 +0 0.444939 0.632946 0.0161157 0.0396575 0.561218 1359 +0 0.902486 0.288293 0.146975 0.210027 0.77583 1632 +0 0.800682 0.219082 0.0225916 0.0578982 0.65312 1656 +0 0.4642 0.240643 0.0186224 0.0529553 0.711273 1658 +0 0.949525 0.391603 0.068643 0.122226 0.700377 1664 +0 0.409403 0.855467 0.0257446 0.0883845 0.479874 1150 +0 0.700846 0.15758 0.0542464 0.11373 0.655312 1129 +0 0.824985 0.78375 0.0189301 0.0444026 0.593081 1691 +0 0.386218 0.787467 0.027381 0.088614 0.405485 1693 +0 0.427936 0.586015 0.0254638 0.0719226 0.603849 1717 +0 0.474824 0.706238 0.0245303 0.0739913 0.619543 1332 +0 0.489442 0.782665 0.0238977 0.0751406 0.426427 710 +0 0.869506 0.650681 0.0215755 0.0608797 0.507099 1731 +0 0.900233 0.766066 0.0172079 0.0504939 0.646328 1735 +0 0.921958 0.708662 0.0209446 0.0494823 0.700559 1738 +0 0.762446 0.241798 0.018411 0.0479167 0.632022 1739 +0 0.896372 0.590645 0.0185533 0.0526465 0.745365 1743 +0 0.953524 0.486895 0.0174945 0.0445352 0.732629 1744 +0 0.982362 0.572944 0.0319354 0.0955049 0.446786 1745 +0 0.403026 0.574108 0.0151951 0.0427507 0.458619 1756 +0 0.813362 0.830391 0.0148522 0.0407811 0.660308 369 +0 0.356755 0.486981 0.0308465 0.0943796 0.420001 1775 +0 0.966847 0.869371 0.0145178 0.0398444 0.551942 1778 +0 0.119006 0.524608 0.0566777 0.158303 0.672204 1779 +0 0.821508 0.69107 0.0200644 0.0570612 0.740109 1781 +0 0.384273 0.704043 0.0195676 0.0613198 0.3673 1783 +0 0.853447 0.814013 0.0246383 0.064755 0.568677 1799 +0 0.652747 0.0968472 0.107005 0.171246 0.786071 1817 +0 0.794302 0.118867 0.0877399 0.155378 0.800708 1823 +0 0.328765 0.455317 0.0175563 0.0552683 0.585105 1826 +0 0.860329 0.203764 0.0128326 0.0383209 0.302324 1832 +0 0.827848 0.412688 0.0154395 0.0347342 0.495365 1357 +0 0.172423 0.465433 0.0524756 0.156065 0.58245 1849 +0 0.213919 0.300451 0.0172804 0.0545684 0.597023 1852 +0 0.829764 0.738514 0.014577 0.0326182 0.6499 1856 +0 0.273071 0.276082 0.0214302 0.0685953 0.591312 1869 +0 0.808835 0.74726 0.0168182 0.0435439 0.623536 883 +0 0.324992 0.357304 0.0622504 0.0963017 0.695631 1308 +0 0.231915 0.430315 0.0855453 0.163301 0.749239 874 +0 0.578108 0.127347 0.0198357 0.0533343 0.704036 1895 +0 0.3311 0.208755 0.0210565 0.0620737 0.541681 1896 +0 0.474734 0.607296 0.0187183 0.0590233 0.587962 1897 +0 0.832355 0.248786 0.0146338 0.0275929 0.3861 1901 +0 0.0751894 0.730586 0.0153254 0.0538398 0.384353 1906 +0 0.0631972 0.577479 0.0165689 0.0451253 0.351169 1912 +0 0.439675 0.210608 0.0135522 0.0453085 0.494376 1923 +0 0.278893 0.534609 0.0161164 0.0533532 0.510876 1415 +0 0.887474 0.82696 0.0232488 0.0544101 0.639942 1563 +0 0.970629 0.687021 0.0544739 0.117228 0.697175 1564 +0 0.715418 0.0813515 0.0187473 0.0499311 0.723528 1930 +0 0.238811 0.241853 0.0225493 0.0658916 0.57847 1931 +0 0.65651 0.175516 0.0195248 0.0540008 0.594499 1948 +0 0.352408 0.226949 0.014455 0.0431052 0.580711 1954 +0 0.873654 0.10794 0.0508759 0.0891002 0.554624 563 +0 0.932974 0.907233 0.0153619 0.0453895 0.637101 1239 +0 0.71029 0.65619 0.022663 0.0602157 0.370526 1959 +0 0.3136 0.0959667 0.01673 0.0433163 0.626574 1961 +0 0.232087 0.169389 0.0181995 0.053151 0.560229 1964 +0 0.539541 0.0993383 0.0262967 0.0760173 0.66245 1966 +0 0.266311 0.0988856 0.0472499 0.0772166 0.718571 1978 +0 0.544008 0.853028 0.0140327 0.0390092 0.706403 806 +0 0.991493 0.494579 0.0134303 0.0402547 0.577489 1989 +0 0.223082 0.350114 0.0154139 0.0487714 0.598584 1990 +0 0.203435 0.140207 0.0172341 0.047261 0.612728 1993 +0 0.48283 0.522244 0.0206394 0.0466754 0.51491 1994 +0 0.834703 0.208859 0.0143957 0.037543 0.524102 1997 +0 0.11223 0.324252 0.0181464 0.0529483 0.504283 2001 +0 0.281502 0.175648 0.0557359 0.0756555 0.548007 2002 +0 0.496465 0.166449 0.0143778 0.0393902 0.44166 2004 +0 0.111836 0.390663 0.0342632 0.0747335 0.605144 2005 +0 0.278774 0.339555 0.0145947 0.0438288 0.381657 2006 +0 0.0737934 0.497572 0.0175848 0.0482236 0.543254 2015 +0 0.943074 0.572975 0.0406295 0.09514 0.385243 2016 +0 0.646967 0.54144 0.0609055 0.12228 0.34577 1144 +0 0.725003 0.721674 0.018824 0.0467711 0.675369 879 +0 0.297749 0.650612 0.017105 0.0573367 0.555204 1056 +0 0.575891 0.658642 0.028798 0.0671861 0.473146 1402 +0 0.81329 0.306194 0.0202488 0.0416561 0.321315 1767 +0 0.251513 0.558565 0.0241254 0.0552432 0.582316 1525 +0 0.455077 0.883752 0.0176668 0.0639701 0.701743 870 +0 0.520077 0.611642 0.0233826 0.0586763 0.576719 1348 +0 0.675345 0.872341 0.0207574 0.0595703 0.688783 824 +0 0.65656 0.789338 0.0176662 0.0361597 0.457404 1367 +0 0.602521 0.50404 0.019026 0.0583542 0.675291 1122 +0 0.575273 0.176858 0.015846 0.0361319 0.467113 1068 +0 0.553948 0.336858 0.0130934 0.0312335 0.390055 1425 +0 0.248164 0.803011 0.032825 0.0825269 0.485232 1602 +0 0.694423 0.102326 0.0140404 0.0370955 0.553943 1943 +0 0.315817 0.824229 0.0145004 0.0455217 0.701659 709 +0 0.788979 0.867291 0.0145772 0.0449024 0.533872 230 +0 0.699958 0.856259 0.0196045 0.0662379 0.526076 1085 diff --git a/src/FlotationAnalytics/output_botsort/track62/labels/image61.txt b/src/FlotationAnalytics/output_botsort/track62/labels/image61.txt new file mode 100644 index 0000000..777a68d --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track62/labels/image61.txt @@ -0,0 +1,142 @@ +0 0.613646 0.765706 0.0677457 0.135226 0.424475 386 +0 0.858461 0.769351 0.0220509 0.056699 0.632873 811 +0 0.687315 0.754201 0.0224992 0.0581631 0.703375 828 +0 0.768344 0.691752 0.0470503 0.0839875 0.545973 865 +0 0.743115 0.501279 0.114865 0.216969 0.836472 174 +0 0.415445 0.81033 0.0313526 0.0948226 0.520128 1049 +0 0.892098 0.530522 0.0613254 0.119662 0.658336 1065 +0 0.443443 0.380718 0.0551675 0.106392 0.535324 480 +0 0.484869 0.498323 0.0141978 0.0422785 0.439555 1143 +0 0.696109 0.393239 0.0286025 0.0736004 0.606935 1153 +0 0.331573 0.731686 0.0636424 0.149005 0.549882 1195 +0 0.620549 0.467287 0.019693 0.0583129 0.733859 1198 +0 0.841424 0.441709 0.0145432 0.041335 0.583364 1205 +0 0.507157 0.430558 0.0507852 0.0936309 0.477558 1247 +0 0.538117 0.521745 0.0700253 0.131566 0.792375 93 +0 0.731969 0.373361 0.0187222 0.0402659 0.602224 1254 +0 0.243249 0.678985 0.0464619 0.119869 0.300278 1255 +0 0.628415 0.340263 0.107024 0.152934 0.812944 1258 +0 0.380871 0.573625 0.0204954 0.0731988 0.519705 1264 +0 0.459674 0.118605 0.111884 0.17344 0.804688 1285 +0 0.709861 0.336433 0.0163321 0.031296 0.525798 1287 +0 0.414131 0.529916 0.0287912 0.0852056 0.487758 1304 +0 0.463905 0.457803 0.0175571 0.0651173 0.395662 1312 +0 0.555818 0.428015 0.017304 0.039664 0.505582 1334 +0 0.300533 0.532119 0.0186841 0.0610495 0.635341 1393 +0 0.892367 0.431031 0.0168645 0.0487046 0.744264 1414 +0 0.649185 0.534617 0.0226599 0.0655337 0.312403 1420 +0 0.735853 0.324001 0.0195672 0.0410515 0.548136 1428 +0 0.38334 0.430074 0.0214503 0.068701 0.577718 1429 +0 0.71628 0.285314 0.0251012 0.0597991 0.661648 1442 +0 0.914353 0.669995 0.0237637 0.0609675 0.525934 1447 +0 0.658163 0.597885 0.0318391 0.0657995 0.343642 1041 +0 0.414472 0.701929 0.0229605 0.0637021 0.684617 1365 +0 0.329036 0.626197 0.0167349 0.0587788 0.499171 1469 +0 0.297707 0.612255 0.0198702 0.0662855 0.633486 1470 +0 0.646306 0.42061 0.0237035 0.0578898 0.493909 1199 +0 0.823777 0.523762 0.0590592 0.112992 0.505698 1032 +0 0.797859 0.63497 0.0176873 0.04366 0.71153 1514 +0 0.559843 0.287878 0.0501415 0.1065 0.652273 1515 +0 0.317442 0.313287 0.0290156 0.0777648 0.487397 907 +0 0.400023 0.31848 0.0629002 0.145055 0.650342 1537 +0 0.774486 0.329249 0.0235054 0.063444 0.651916 1552 +0 0.505355 0.278441 0.0395327 0.114709 0.546247 1562 +0 0.438936 0.665597 0.0178747 0.0407434 0.736015 1359 +0 0.905334 0.301146 0.165567 0.223673 0.788225 1632 +0 0.794598 0.238732 0.021683 0.0577042 0.559892 1656 +0 0.461349 0.268388 0.0181453 0.0527741 0.693965 1658 +0 0.945586 0.415143 0.065225 0.120202 0.710702 1664 +0 0.403369 0.895641 0.0177562 0.0605306 0.723025 1150 +0 0.696147 0.183345 0.0518785 0.113606 0.533318 1129 +0 0.824925 0.808529 0.0193088 0.0452111 0.684317 1691 +0 0.377815 0.823115 0.023187 0.0828886 0.460577 1693 +0 0.420871 0.624256 0.0247378 0.0675928 0.611112 1717 +0 0.468258 0.745635 0.0230097 0.0816553 0.468018 1332 +0 0.484765 0.811646 0.0198801 0.0634416 0.586056 710 +0 0.869445 0.676376 0.0199165 0.057926 0.691549 1731 +0 0.900294 0.790102 0.0162255 0.0493046 0.679273 1735 +0 0.920079 0.730578 0.0172614 0.046949 0.692312 1738 +0 0.758825 0.266125 0.0189046 0.0536874 0.71942 1739 +0 0.895009 0.614632 0.0180986 0.0542282 0.711555 1743 +0 0.951617 0.506486 0.0164061 0.0446422 0.759017 1744 +0 0.982795 0.593404 0.0332465 0.0947616 0.403656 1745 +0 0.398415 0.612205 0.0153481 0.0402999 0.499783 1756 +0 0.814139 0.855013 0.0131563 0.0361972 0.368962 369 +0 0.354621 0.517589 0.0242941 0.0855042 0.433815 1775 +0 0.11047 0.565388 0.0657657 0.168221 0.649143 1779 +0 0.820267 0.712933 0.0198373 0.0540646 0.515687 1781 +0 0.376139 0.737427 0.0180571 0.0581335 0.394603 1783 +0 0.851516 0.838072 0.0221891 0.0590683 0.669948 1799 +0 0.655945 0.105378 0.113612 0.187446 0.808032 1817 +0 0.793923 0.136181 0.0913376 0.17013 0.744317 1823 +0 0.326521 0.489266 0.017123 0.0573274 0.609342 1826 +0 0.823407 0.434606 0.0150117 0.0378899 0.577815 1357 +0 0.16608 0.505875 0.0558568 0.168626 0.639551 1849 +0 0.215014 0.328019 0.0177531 0.0534959 0.63723 1852 +0 0.827069 0.760268 0.0152584 0.0346203 0.668881 1856 +0 0.269742 0.30468 0.0215898 0.0703845 0.615789 1869 +0 0.807101 0.772811 0.0154602 0.0454471 0.671028 883 +0 0.323811 0.387567 0.0647207 0.0996983 0.740775 1308 +0 0.227138 0.47321 0.0870741 0.156333 0.759094 874 +0 0.573438 0.154801 0.0203883 0.0529604 0.658199 1895 +0 0.328461 0.238438 0.0212943 0.0637323 0.566227 1896 +0 0.467438 0.639836 0.0171791 0.0470566 0.691794 1897 +0 0.794173 0.73609 0.0147648 0.0381721 0.739799 1912 +0 0.436113 0.237962 0.0135746 0.0451238 0.386212 1923 +0 0.274242 0.5699 0.0160743 0.0522884 0.577584 1415 +0 0.883451 0.849598 0.0181122 0.0498773 0.732605 1563 +0 0.968953 0.706789 0.0577803 0.111805 0.725002 1564 +0 0.711396 0.100659 0.0195143 0.0482972 0.787411 1930 +0 0.237244 0.265282 0.0210604 0.0644476 0.561545 1931 +0 0.650317 0.197317 0.0203033 0.0554268 0.665725 1948 +0 0.351154 0.252954 0.0146981 0.0484614 0.517004 1954 +0 0.869875 0.11884 0.0567036 0.106482 0.535655 563 +0 0.929173 0.925761 0.0133685 0.0411086 0.63827 1239 +0 0.702089 0.687504 0.0210683 0.05732 0.641602 1959 +0 0.314413 0.117669 0.0171372 0.0439701 0.640293 1961 +0 0.229984 0.19437 0.0183614 0.0519809 0.643889 1964 +0 0.538741 0.119703 0.0255681 0.0732037 0.662786 1966 +0 0.264521 0.12853 0.0461704 0.0684886 0.674514 1978 +0 0.988769 0.513976 0.0141991 0.0398343 0.529159 1989 +0 0.222294 0.381568 0.0167265 0.0511756 0.620763 1990 +0 0.200352 0.160759 0.0191404 0.0530757 0.719495 1993 +0 0.478816 0.553017 0.0185576 0.0469465 0.558602 1994 +0 0.827712 0.227884 0.0142531 0.0367798 0.419485 1997 +0 0.110083 0.353973 0.0171259 0.0552262 0.544579 2001 +0 0.281606 0.200985 0.0504114 0.078719 0.577807 2002 +0 0.493224 0.19317 0.015226 0.039788 0.65987 2004 +0 0.105937 0.423744 0.0401607 0.0778434 0.457317 2005 +0 0.27706 0.369834 0.0170259 0.050456 0.518782 2006 +0 0.0659908 0.530651 0.0142518 0.0448316 0.347163 2015 +0 0.940022 0.588732 0.0422091 0.0983126 0.545629 2016 +0 0.641401 0.566209 0.0647719 0.128686 0.459521 1144 +0 0.723682 0.739467 0.0197418 0.052446 0.637061 879 +0 0.289802 0.687195 0.0163495 0.0600847 0.534428 1056 +0 0.568622 0.686843 0.023452 0.0508806 0.445676 1402 +0 0.805789 0.334763 0.0214201 0.04354 0.306923 1767 +0 0.24557 0.597067 0.024875 0.0593031 0.572304 1525 +0 0.455004 0.913867 0.0162579 0.048556 0.58773 870 +0 0.733925 0.853345 0.0362491 0.0635249 0.516665 2017 +0 0.145511 0.373539 0.0147275 0.0514072 0.511183 2018 +0 0.349797 0.0718019 0.132438 0.13286 0.554543 2021 +0 0.536525 0.214442 0.020711 0.0459497 0.467424 2027 +0 0.454063 0.469924 0.0396489 0.0860785 0.416054 2031 +0 0.307944 0.0766353 0.0158736 0.0361835 0.558104 2033 +0 0.853501 0.613422 0.0218494 0.0552486 0.704173 2036 +0 0.516817 0.640628 0.0244812 0.0635462 0.656016 1348 +0 0.671634 0.911851 0.0201218 0.0682939 0.674559 824 +0 0.595552 0.533032 0.0194742 0.0597148 0.654336 1122 +0 0.243257 0.844424 0.0254359 0.0681153 0.500731 1602 +0 0.691326 0.125024 0.0152419 0.0374205 0.664098 1943 +0 0.78265 0.89627 0.0150992 0.0419235 0.502491 230 +0 0.704227 0.898452 0.013323 0.0422235 0.362769 1085 +0 0.677204 0.62005 0.0127451 0.0344749 0.457187 871 +0 0.432705 0.964885 0.0154713 0.0433819 0.59561 1848 +0 0.850262 0.7187 0.0158989 0.0420255 0.627235 1758 +0 0.614422 0.658853 0.0164314 0.0497359 0.429163 873 +0 0.597178 0.648008 0.0156749 0.0406918 0.629927 1431 +0 0.761831 0.808838 0.0166444 0.0370326 0.504911 1340 +0 0.517726 0.723029 0.0510445 0.0928974 0.427443 994 +0 0.384464 0.665648 0.0180217 0.0576633 0.497488 1934 +0 0.640007 0.702884 0.0187591 0.0514791 0.463465 1950 +0 0.463875 0.313464 0.0126042 0.0299248 0.306334 1770 diff --git a/src/FlotationAnalytics/output_botsort/track63/labels/image62.txt b/src/FlotationAnalytics/output_botsort/track63/labels/image62.txt new file mode 100644 index 0000000..63089a3 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track63/labels/image62.txt @@ -0,0 +1,143 @@ +0 0.62999 0.788475 0.0362714 0.0819357 0.675335 386 +0 0.849096 0.791351 0.0215054 0.0532674 0.67165 811 +0 0.682161 0.78165 0.0241933 0.0616807 0.515475 828 +0 0.771175 0.714318 0.0386494 0.0736146 0.549033 865 +0 0.736613 0.510927 0.118513 0.20849 0.834847 174 +0 0.42048 0.8519 0.0259326 0.0677165 0.701947 1049 +0 0.890067 0.543238 0.0596713 0.114613 0.736216 1065 +0 0.43965 0.405422 0.057314 0.112906 0.61983 480 +0 0.479722 0.52652 0.0155017 0.0423209 0.638452 1143 +0 0.686791 0.411596 0.0315596 0.0767402 0.605214 1153 +0 0.330569 0.750472 0.0518469 0.107712 0.414512 1195 +0 0.612114 0.494958 0.0193217 0.0527405 0.686079 1198 +0 0.835844 0.453481 0.0136137 0.0382115 0.60765 1205 +0 0.502368 0.457637 0.0504913 0.096592 0.522433 1247 +0 0.533574 0.551505 0.0715155 0.135376 0.755376 93 +0 0.723465 0.390153 0.0190543 0.0406266 0.542371 1254 +0 0.246004 0.707636 0.0372413 0.0930294 0.319914 1255 +0 0.621949 0.359696 0.105918 0.160465 0.797953 1258 +0 0.376813 0.610211 0.0210741 0.0719872 0.558782 1264 +0 0.446378 0.127803 0.116046 0.184994 0.847157 1285 +0 0.698566 0.353114 0.0163129 0.0308262 0.575972 1287 +0 0.40899 0.563301 0.0285048 0.083879 0.45784 1304 +0 0.549761 0.447961 0.0184233 0.0517727 0.604062 1334 +0 0.296119 0.5703 0.0190324 0.0609322 0.648348 1393 +0 0.886243 0.442103 0.0169965 0.0492312 0.769539 1414 +0 0.641501 0.555986 0.0214987 0.0627143 0.439257 1420 +0 0.725585 0.34142 0.0194737 0.0381885 0.605201 1428 +0 0.380601 0.458309 0.0226303 0.0711565 0.600403 1429 +0 0.706177 0.303869 0.0250962 0.0597236 0.661626 1442 +0 0.91381 0.680812 0.0232733 0.0590962 0.608042 1447 +0 0.652402 0.617418 0.0304674 0.0668547 0.419842 1041 +0 0.408913 0.733255 0.0221659 0.0613345 0.608891 1365 +0 0.325193 0.665739 0.0177959 0.0570765 0.564962 1469 +0 0.292576 0.649203 0.0201852 0.0681552 0.581692 1470 +0 0.63545 0.448002 0.0205831 0.0485397 0.579213 1199 +0 0.822653 0.535348 0.0562116 0.113366 0.605237 1032 +0 0.796531 0.656342 0.0182757 0.0496788 0.569573 1514 +0 0.553004 0.313303 0.0500371 0.10522 0.659945 1515 +0 0.31269 0.345691 0.0268661 0.0765562 0.557997 907 +0 0.393621 0.344352 0.0656783 0.134657 0.640201 1537 +0 0.76156 0.354154 0.0244714 0.062451 0.720756 1552 +0 0.499475 0.305477 0.0410688 0.111959 0.471998 1562 +0 0.434481 0.694632 0.0190754 0.0422736 0.703695 1359 +0 0.900893 0.291281 0.176808 0.206372 0.728011 1632 +0 0.786416 0.249852 0.0232638 0.0555615 0.67531 1656 +0 0.455609 0.29412 0.0195983 0.0539065 0.688604 1658 +0 0.937962 0.427974 0.0656903 0.118675 0.727522 1664 +0 0.403891 0.908848 0.0201067 0.0511003 0.600305 1150 +0 0.689827 0.202162 0.0551286 0.113286 0.663491 1129 +0 0.819103 0.827511 0.0219837 0.0491057 0.717376 1691 +0 0.384253 0.843596 0.0243684 0.0734241 0.558672 1693 +0 0.41729 0.655985 0.0241455 0.0644001 0.704157 1717 +0 0.463101 0.785455 0.0232363 0.0779055 0.576975 1332 +0 0.481343 0.859957 0.018308 0.0557874 0.688085 710 +0 0.868489 0.687866 0.0217548 0.0566791 0.649026 1731 +0 0.898886 0.802546 0.0180161 0.049144 0.741183 1735 +0 0.916795 0.742607 0.0165642 0.0458046 0.712293 1738 +0 0.751065 0.283357 0.0208572 0.0519162 0.699543 1739 +0 0.892794 0.627994 0.0192744 0.0529974 0.761311 1743 +0 0.948606 0.516743 0.0161652 0.0424046 0.674126 1744 +0 0.98157 0.604541 0.0357475 0.0947606 0.548174 1745 +0 0.391569 0.649061 0.0153199 0.0419181 0.34413 1756 +0 0.862867 0.798111 0.019325 0.0405729 0.801278 369 +0 0.352209 0.549103 0.0240235 0.0795105 0.628646 1775 +0 0.108252 0.620425 0.0710067 0.172246 0.715298 1779 +0 0.819148 0.727978 0.0200751 0.0549951 0.492758 1781 +0 0.365507 0.78363 0.0147154 0.04197 0.326256 1783 +0 0.846061 0.854244 0.0232977 0.0585476 0.725594 1799 +0 0.646728 0.114563 0.116073 0.196915 0.819236 1817 +0 0.803586 0.14001 0.115985 0.162243 0.780842 1823 +0 0.323989 0.524117 0.0174667 0.0566312 0.608795 1826 +0 0.817678 0.449125 0.0139632 0.037914 0.599197 1357 +0 0.161622 0.55131 0.0575688 0.176963 0.379745 1849 +0 0.21684 0.358046 0.0167678 0.0516534 0.491164 1852 +0 0.821195 0.775991 0.0154039 0.0359715 0.537043 1856 +0 0.265244 0.335054 0.0212362 0.0681959 0.661789 1869 +0 0.801 0.791126 0.0173849 0.0463495 0.665686 883 +0 0.32041 0.418914 0.0643039 0.102264 0.721833 1308 +0 0.22228 0.510743 0.0842315 0.159161 0.71261 874 +0 0.564723 0.182067 0.0200001 0.0502683 0.660219 1895 +0 0.325651 0.268671 0.020988 0.0628057 0.680868 1896 +0 0.463213 0.664369 0.01885 0.0519398 0.649237 1897 +0 0.430499 0.262185 0.0134055 0.0435385 0.466354 1923 +0 0.270461 0.60907 0.0157827 0.0449454 0.600349 1415 +0 0.877437 0.863572 0.0182085 0.0501037 0.732071 1563 +0 0.967122 0.716747 0.0604974 0.108123 0.725557 1564 +0 0.702521 0.118171 0.0219612 0.0517571 0.757238 1930 +0 0.235689 0.291882 0.0208827 0.064026 0.621121 1931 +0 0.641583 0.215101 0.0203882 0.0564985 0.606305 1948 +0 0.348302 0.283225 0.0145178 0.0468494 0.312932 1954 +0 0.928606 0.932738 0.011945 0.0342972 0.400653 1239 +0 0.695336 0.713582 0.0201907 0.0563459 0.6506 1959 +0 0.313741 0.141544 0.0161647 0.0429833 0.602312 1961 +0 0.228296 0.220447 0.0182088 0.0536357 0.541974 1964 +0 0.541566 0.135232 0.0362901 0.0800216 0.585186 1966 +0 0.263435 0.154767 0.0467659 0.0697412 0.719089 1978 +0 0.984695 0.52599 0.0152345 0.0412782 0.595743 1989 +0 0.222754 0.412852 0.0152118 0.0484124 0.326285 1990 +0 0.19853 0.187216 0.0180309 0.0556283 0.71966 1993 +0 0.474472 0.580885 0.018052 0.0467813 0.341975 1994 +0 0.112009 0.391816 0.0170558 0.0614017 0.447305 2001 +0 0.279569 0.229107 0.0508925 0.0828171 0.629506 2002 +0 0.488243 0.217127 0.0155045 0.0367647 0.608794 2004 +0 0.104143 0.467577 0.0399621 0.0936088 0.390545 2005 +0 0.274258 0.397166 0.0160377 0.0427626 0.324636 2006 +0 0.937582 0.596138 0.0424475 0.0994496 0.534014 2016 +0 0.636083 0.589193 0.0685512 0.1245 0.378628 1144 +0 0.721799 0.756777 0.0189696 0.0547241 0.517641 879 +0 0.282043 0.724989 0.0191552 0.0631798 0.682002 1056 +0 0.577566 0.72217 0.019463 0.0602105 0.448154 1402 +0 0.793892 0.354569 0.0209751 0.0433709 0.48679 1767 +0 0.242212 0.634077 0.0224835 0.0543842 0.48378 1525 +0 0.742094 0.860026 0.0230126 0.0475026 0.635293 2017 +0 0.350218 0.0859751 0.123499 0.145945 0.641846 2021 +0 0.529828 0.238956 0.0197459 0.0456721 0.48499 2027 +0 0.45 0.499342 0.0397658 0.0889161 0.481266 2031 +0 0.304755 0.10187 0.0153682 0.0402675 0.599449 2033 +0 0.850136 0.622744 0.0231949 0.0564305 0.677898 2036 +0 0.512604 0.670506 0.0232115 0.0643684 0.533547 1348 +0 0.589469 0.558649 0.0208185 0.0601091 0.752128 1122 +0 0.681508 0.143439 0.0167294 0.0362365 0.590745 1943 +0 0.928277 0.852904 0.0202037 0.0521356 0.729345 2048 +0 0.74913 0.0565468 0.020338 0.0491862 0.676041 2050 +0 0.989434 0.483476 0.0143662 0.0343085 0.639461 2055 +0 0.613443 0.234749 0.0142892 0.0373022 0.557369 2058 +0 0.795782 0.301363 0.0242845 0.0525224 0.624081 2063 +0 0.187668 0.305532 0.0360043 0.0796389 0.470143 2067 +0 0.936033 0.88649 0.0120104 0.0253141 0.396437 2072 +0 0.672083 0.634209 0.0143347 0.0405714 0.644169 871 +0 0.846521 0.739733 0.01691 0.0430961 0.687769 1758 +0 0.609508 0.68921 0.0189441 0.0649285 0.565935 873 +0 0.594917 0.669588 0.0158722 0.0416253 0.498084 1431 +0 0.515056 0.756486 0.0396197 0.0811629 0.435275 994 +0 0.378279 0.702378 0.0194191 0.056575 0.768166 1934 +0 0.629866 0.731833 0.0191106 0.0454391 0.644494 1950 +0 0.12411 0.78738 0.0172352 0.0499981 0.687269 1638 +0 0.646096 0.417665 0.0163156 0.0406776 0.608357 1584 +0 0.641953 0.844353 0.0164987 0.0454521 0.421639 886 +0 0.629091 0.568821 0.034815 0.0874974 0.353536 1161 +0 0.560845 0.741908 0.0302932 0.108395 0.45309 1864 +0 0.559667 0.809317 0.021083 0.0477125 0.623179 274 +0 0.818105 0.279653 0.0154324 0.0293073 0.448792 1901 +0 0.538869 0.86647 0.0243518 0.0772299 0.61325 806 diff --git a/src/FlotationAnalytics/output_botsort/track64/labels/image63.txt b/src/FlotationAnalytics/output_botsort/track64/labels/image63.txt new file mode 100644 index 0000000..788eaf2 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track64/labels/image63.txt @@ -0,0 +1,141 @@ +0 0.634538 0.825365 0.0185763 0.054748 0.507472 386 +0 0.837537 0.822492 0.0204073 0.0470835 0.60103 811 +0 0.677566 0.81702 0.0241559 0.0677679 0.757193 828 +0 0.761068 0.743963 0.0519531 0.0767179 0.581901 865 +0 0.731432 0.52883 0.122118 0.197718 0.83415 174 +0 0.418597 0.876782 0.0167925 0.0439726 0.52038 1049 +0 0.888227 0.555467 0.0585899 0.109978 0.710392 1065 +0 0.432161 0.430899 0.05519 0.11584 0.514381 480 +0 0.473732 0.556814 0.015336 0.0433251 0.511984 1143 +0 0.679109 0.432037 0.0316135 0.0792556 0.510042 1153 +0 0.318584 0.769603 0.0308657 0.0719623 0.357066 1195 +0 0.605004 0.521121 0.0188129 0.0509536 0.659076 1198 +0 0.831555 0.467319 0.0131252 0.0353317 0.53687 1205 +0 0.497223 0.486239 0.0482481 0.0938529 0.538119 1247 +0 0.528194 0.579663 0.0717591 0.144896 0.728563 93 +0 0.715342 0.408616 0.0189553 0.0413379 0.61935 1254 +0 0.614154 0.380822 0.108143 0.160787 0.78789 1258 +0 0.368184 0.646171 0.0230996 0.072331 0.722289 1264 +0 0.437642 0.147918 0.117086 0.190076 0.833573 1285 +0 0.68885 0.372945 0.0167813 0.0297546 0.350833 1287 +0 0.401194 0.594899 0.0294351 0.0799901 0.446955 1304 +0 0.543249 0.475029 0.0179649 0.0472935 0.615928 1334 +0 0.290879 0.607073 0.0183561 0.0566042 0.67298 1393 +0 0.881298 0.455766 0.0176755 0.0479334 0.744709 1414 +0 0.634256 0.583048 0.0215897 0.0619066 0.476207 1420 +0 0.716794 0.361055 0.0183458 0.0348916 0.488488 1428 +0 0.37435 0.489566 0.0250829 0.0708331 0.595757 1429 +0 0.695981 0.324983 0.0261847 0.0586808 0.634013 1442 +0 0.913057 0.690614 0.0230582 0.0583546 0.648303 1447 +0 0.646998 0.641177 0.0258204 0.0655829 0.351728 1041 +0 0.403557 0.766097 0.0222319 0.0630646 0.525178 1365 +0 0.318348 0.703702 0.0186485 0.056131 0.524085 1469 +0 0.28622 0.689242 0.0199315 0.0709026 0.636746 1470 +0 0.626715 0.472569 0.0195804 0.0480698 0.679271 1199 +0 0.820648 0.548976 0.0562073 0.116553 0.64721 1032 +0 0.79129 0.683589 0.0187843 0.0481178 0.59689 1514 +0 0.545681 0.339249 0.0503058 0.105414 0.622301 1515 +0 0.304031 0.381074 0.0319502 0.0779552 0.536015 907 +0 0.386413 0.379571 0.0641721 0.135774 0.690811 1537 +0 0.75168 0.377431 0.023961 0.0580863 0.720966 1552 +0 0.492503 0.327179 0.0382022 0.11681 0.528777 1562 +0 0.427342 0.725944 0.0194273 0.0448661 0.569023 1359 +0 0.899019 0.284753 0.18242 0.205115 0.710457 1632 +0 0.775399 0.266265 0.024624 0.0547093 0.595421 1656 +0 0.44804 0.323662 0.0204383 0.0587354 0.780405 1658 +0 0.93258 0.442343 0.0642407 0.118196 0.72834 1664 +0 0.68282 0.226781 0.0594129 0.110771 0.761014 1129 +0 0.80832 0.853567 0.0230491 0.0498419 0.61976 1691 +0 0.383481 0.865951 0.0210064 0.062664 0.668549 1693 +0 0.41178 0.685971 0.0229499 0.0611521 0.614759 1717 +0 0.457794 0.82431 0.018619 0.0608689 0.362727 1332 +0 0.47822 0.898886 0.0193304 0.0606408 0.642959 710 +0 0.866225 0.701878 0.0224422 0.0601524 0.493755 1731 +0 0.896092 0.813093 0.0181202 0.0488516 0.793105 1735 +0 0.914596 0.757516 0.0157164 0.045124 0.705217 1738 +0 0.739736 0.304064 0.0210068 0.0519826 0.677546 1739 +0 0.890505 0.641639 0.0201266 0.0534235 0.720397 1743 +0 0.946008 0.529738 0.016711 0.041346 0.699687 1744 +0 0.980077 0.61752 0.0393028 0.0986102 0.594552 1745 +0 0.871426 0.791405 0.0205752 0.0475027 0.761957 369 +0 0.346973 0.581616 0.0262079 0.0789458 0.533419 1775 +0 0.102816 0.682943 0.0752473 0.181758 0.682116 1779 +0 0.816883 0.749458 0.0197801 0.053683 0.479108 1781 +0 0.63871 0.132108 0.121112 0.192461 0.801686 1817 +0 0.804543 0.152046 0.127357 0.160265 0.789527 1823 +0 0.317733 0.559495 0.0194034 0.0578 0.583894 1826 +0 0.812668 0.465133 0.0153304 0.0388954 0.59258 1357 +0 0.154966 0.58273 0.0553163 0.162935 0.440707 1849 +0 0.215882 0.390467 0.0186331 0.0587737 0.587173 1852 +0 0.812265 0.801866 0.0174668 0.0380201 0.576386 1856 +0 0.259689 0.366117 0.0219241 0.0670218 0.707024 1869 +0 0.789504 0.798618 0.0170856 0.0472873 0.611159 883 +0 0.314875 0.455857 0.0638973 0.100775 0.681908 1308 +0 0.218173 0.553942 0.0854319 0.157933 0.665663 874 +0 0.556651 0.207229 0.01997 0.0494955 0.641508 1895 +0 0.322925 0.303551 0.0235413 0.0635001 0.701389 1896 +0 0.45836 0.695264 0.0186897 0.0468745 0.594015 1897 +0 0.422972 0.289136 0.0141871 0.0413768 0.365657 1923 +0 0.869847 0.882026 0.0188473 0.051502 0.75021 1563 +0 0.966051 0.729001 0.0623721 0.10572 0.765416 1564 +0 0.694504 0.137949 0.0231959 0.0554937 0.672239 1930 +0 0.232948 0.318515 0.0207557 0.0593629 0.596702 1931 +0 0.633052 0.237028 0.0197821 0.0561785 0.666021 1948 +0 0.689442 0.744732 0.0210407 0.0580953 0.791773 1959 +0 0.313738 0.166866 0.0165232 0.0429131 0.690707 1961 +0 0.230667 0.245333 0.0180757 0.0515852 0.61249 1964 +0 0.537027 0.153977 0.0405132 0.0850532 0.606335 1966 +0 0.263944 0.182105 0.0458115 0.0667318 0.668248 1978 +0 0.981572 0.539392 0.0159264 0.0410254 0.689036 1989 +0 0.218386 0.451557 0.0154417 0.0482816 0.352002 1990 +0 0.200698 0.220282 0.0190344 0.057765 0.561802 1993 +0 0.467846 0.609337 0.0168396 0.0446145 0.644998 1994 +0 0.108892 0.43436 0.0167339 0.0595693 0.344491 2001 +0 0.281808 0.257841 0.056765 0.0867887 0.607014 2002 +0 0.268269 0.427396 0.0142232 0.0349637 0.485688 2006 +0 0.934303 0.609226 0.0430783 0.0987866 0.482369 2016 +0 0.639085 0.562135 0.0336166 0.0628605 0.537178 1144 +0 0.716906 0.788756 0.019584 0.0543555 0.512223 879 +0 0.576708 0.739197 0.0153384 0.04676 0.472463 1402 +0 0.784141 0.37548 0.0229249 0.0435041 0.499149 1767 +0 0.230614 0.698509 0.0246922 0.0660245 0.369021 1525 +0 0.872795 0.753318 0.0169795 0.0484432 0.753219 2017 +0 0.366727 0.0928951 0.0985326 0.159767 0.770535 2021 +0 0.521271 0.26526 0.0238602 0.050207 0.449516 2027 +0 0.442396 0.529286 0.043093 0.0917731 0.545067 2031 +0 0.302905 0.126695 0.0163865 0.0412688 0.6406 2033 +0 0.843896 0.634037 0.0244904 0.0606935 0.560833 2036 +0 0.507875 0.700932 0.0236873 0.0635215 0.53537 1348 +0 0.583523 0.584611 0.0208029 0.0590575 0.692629 1122 +0 0.673191 0.163302 0.017354 0.0392689 0.518648 1943 +0 0.922939 0.863402 0.0225143 0.0529693 0.641324 2048 +0 0.743268 0.0734351 0.021347 0.0450084 0.670665 2050 +0 0.985293 0.496848 0.0151637 0.0347974 0.620663 2055 +0 0.605581 0.258679 0.0132247 0.0358067 0.474517 2058 +0 0.787452 0.320969 0.025462 0.0549083 0.649841 2063 +0 0.182312 0.344023 0.0411838 0.0798474 0.537246 2067 +0 0.933099 0.895213 0.0129908 0.0251082 0.546428 2072 +0 0.669004 0.651111 0.0145378 0.0410214 0.549364 871 +0 0.840338 0.767382 0.0214189 0.0528093 0.709486 1758 +0 0.603844 0.72712 0.0202182 0.0584171 0.68476 873 +0 0.595947 0.69311 0.0163149 0.0393217 0.540895 1431 +0 0.507727 0.79306 0.0341015 0.0783639 0.386963 994 +0 0.625242 0.779228 0.0203638 0.0497795 0.753343 1950 +0 0.722227 0.0409173 0.0221259 0.048573 0.697649 2077 +0 0.120752 0.338004 0.0525024 0.122208 0.618602 2078 +0 0.830957 0.248133 0.0161816 0.0404394 0.52654 2081 +0 0.604307 0.0520589 0.0595402 0.0941354 0.634809 2083 +0 0.188012 0.450097 0.021549 0.0811059 0.666279 2084 +0 0.446179 0.744993 0.0194368 0.0508041 0.692428 2085 +0 0.247105 0.518263 0.0186618 0.0607516 0.569274 2090 +0 0.722722 0.289596 0.0163011 0.0375108 0.40823 2102 +0 0.640246 0.441293 0.0151448 0.0384763 0.522395 1584 +0 0.553569 0.754676 0.0255184 0.0780919 0.406893 1864 +0 0.559052 0.824234 0.0203691 0.0687289 0.614783 274 +0 0.809547 0.294511 0.0155126 0.0318526 0.617216 1901 +0 0.538438 0.885673 0.0218722 0.0614118 0.687722 806 +0 0.760927 0.803266 0.016162 0.0477547 0.528507 1204 +0 0.829785 0.884888 0.023297 0.0559158 0.683516 594 +0 0.745356 0.935573 0.0133466 0.0397716 0.344846 1412 +0 0.653396 0.826718 0.0122797 0.0425265 0.330865 1367 +0 0.140276 0.442821 0.0143203 0.045669 0.569432 2018 diff --git a/src/FlotationAnalytics/output_botsort/track65/labels/image64.txt b/src/FlotationAnalytics/output_botsort/track65/labels/image64.txt new file mode 100644 index 0000000..951144e --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track65/labels/image64.txt @@ -0,0 +1,139 @@ +0 0.827837 0.853216 0.020619 0.0460953 0.610954 811 +0 0.669951 0.858147 0.0244804 0.0664151 0.680536 828 +0 0.753137 0.770493 0.0575699 0.0911685 0.625494 865 +0 0.725189 0.552793 0.12699 0.207999 0.853754 174 +0 0.886267 0.570822 0.0595053 0.108194 0.743049 1065 +0 0.425416 0.45925 0.0553326 0.116395 0.43642 480 +0 0.468075 0.587696 0.0155642 0.0443442 0.591288 1143 +0 0.671705 0.455535 0.0358329 0.08257 0.560457 1153 +0 0.314861 0.786927 0.0164584 0.0383012 0.66141 1195 +0 0.597977 0.547028 0.0193461 0.0546744 0.656257 1198 +0 0.826494 0.484277 0.0134836 0.0348146 0.49074 1205 +0 0.491623 0.514811 0.048141 0.0952408 0.608434 1247 +0 0.52159 0.607588 0.0680036 0.151669 0.78428 93 +0 0.708237 0.429794 0.0188485 0.0417081 0.637215 1254 +0 0.605811 0.405103 0.103354 0.163007 0.794305 1258 +0 0.359039 0.688375 0.0216011 0.0699153 0.611038 1264 +0 0.428654 0.171828 0.118176 0.190001 0.833518 1285 +0 0.393432 0.627659 0.0341157 0.0805165 0.356815 1304 +0 0.536776 0.499776 0.0183603 0.0501485 0.618645 1334 +0 0.284902 0.64181 0.0176187 0.052026 0.483058 1393 +0 0.875766 0.470706 0.0175372 0.0496828 0.746107 1414 +0 0.627707 0.612076 0.0216369 0.0595079 0.644927 1420 +0 0.708653 0.383124 0.0165179 0.0333723 0.41694 1428 +0 0.367557 0.521872 0.0238301 0.0740971 0.561691 1429 +0 0.686912 0.34963 0.0262438 0.0588487 0.658178 1442 +0 0.911192 0.704525 0.0248271 0.0590221 0.517395 1447 +0 0.641228 0.669889 0.0253661 0.0690465 0.627433 1041 +0 0.398934 0.798562 0.0224392 0.0658433 0.69105 1365 +0 0.31398 0.737199 0.017622 0.0519157 0.658269 1469 +0 0.288926 0.738834 0.0146089 0.0495961 0.560771 1470 +0 0.62003 0.496195 0.0207071 0.0498944 0.366277 1199 +0 0.817437 0.567424 0.0569946 0.123978 0.693684 1032 +0 0.786937 0.710999 0.0194898 0.0473172 0.592731 1514 +0 0.538239 0.364395 0.0515837 0.104356 0.625151 1515 +0 0.294959 0.414654 0.036441 0.0798017 0.602098 907 +0 0.380246 0.406932 0.0653752 0.144379 0.677803 1537 +0 0.743073 0.400116 0.0234439 0.0585873 0.629127 1552 +0 0.483 0.352355 0.0369704 0.123272 0.471316 1562 +0 0.422544 0.756657 0.0190923 0.0480911 0.668758 1359 +0 0.899235 0.283533 0.183697 0.220176 0.515568 1632 +0 0.766172 0.283976 0.0237035 0.0554739 0.672498 1656 +0 0.439939 0.350418 0.0214275 0.0615127 0.744579 1658 +0 0.925957 0.456064 0.0644428 0.113682 0.705756 1664 +0 0.676842 0.246693 0.0636597 0.116129 0.6551 1129 +0 0.79866 0.861427 0.0227731 0.0562253 0.553137 1691 +0 0.373398 0.920472 0.0154819 0.0469902 0.397892 1693 +0 0.408871 0.715029 0.0217121 0.0616475 0.61302 1717 +0 0.475151 0.940472 0.0205643 0.0606876 0.751921 710 +0 0.863557 0.720911 0.0238829 0.0606844 0.538268 1731 +0 0.894134 0.822404 0.0151463 0.0434668 0.748694 1735 +0 0.913786 0.773817 0.015411 0.0442762 0.681212 1738 +0 0.729747 0.326632 0.0216763 0.0538917 0.719274 1739 +0 0.887619 0.657311 0.0203824 0.054521 0.779669 1743 +0 0.943774 0.543056 0.0175647 0.042919 0.729679 1744 +0 0.979512 0.631819 0.0409767 0.100435 0.621422 1745 +0 0.870464 0.802127 0.0200501 0.0493807 0.812471 369 +0 0.337208 0.619455 0.0245963 0.0708489 0.497588 1775 +0 0.100267 0.702277 0.0409799 0.101772 0.443991 1779 +0 0.811855 0.769182 0.0203424 0.0515344 0.593009 1781 +0 0.633142 0.157007 0.123193 0.194564 0.765092 1817 +0 0.800559 0.168718 0.129248 0.154736 0.831729 1823 +0 0.31086 0.59423 0.0199681 0.0610895 0.648179 1826 +0 0.807942 0.481615 0.015517 0.0387113 0.60686 1357 +0 0.147558 0.626426 0.0557691 0.154926 0.590881 1849 +0 0.21192 0.422485 0.0188135 0.0594229 0.649943 1852 +0 0.81388 0.818204 0.0171806 0.0376607 0.660416 1856 +0 0.252674 0.3957 0.0235915 0.0727746 0.615345 1869 +0 0.308111 0.492086 0.0631489 0.0997181 0.732219 1308 +0 0.213586 0.592223 0.0816 0.147185 0.341262 874 +0 0.549651 0.234087 0.0199374 0.051903 0.680681 1895 +0 0.316653 0.33361 0.0237906 0.0643621 0.70038 1896 +0 0.462794 0.708025 0.0173203 0.048925 0.574445 1897 +0 0.415887 0.319073 0.0143178 0.041662 0.331138 1923 +0 0.865043 0.897504 0.016732 0.0461118 0.760212 1563 +0 0.965209 0.742314 0.0653621 0.103841 0.785639 1564 +0 0.68763 0.157793 0.02271 0.0519341 0.737007 1930 +0 0.229831 0.342949 0.0219026 0.0647486 0.606667 1931 +0 0.625862 0.259331 0.0198388 0.0573355 0.709808 1948 +0 0.681844 0.777659 0.0191939 0.0568118 0.568795 1959 +0 0.312435 0.19201 0.0175264 0.0462744 0.651915 1961 +0 0.233733 0.269202 0.0181025 0.0512204 0.633551 1964 +0 0.532483 0.177149 0.0445018 0.0823844 0.614165 1966 +0 0.264797 0.205293 0.0470823 0.066233 0.642317 1978 +0 0.978334 0.553828 0.0155404 0.0378211 0.649583 1989 +0 0.21292 0.484734 0.0158308 0.0485226 0.44011 1990 +0 0.202253 0.255274 0.0191186 0.0547548 0.58014 1993 +0 0.462004 0.641215 0.014031 0.0382447 0.519513 1994 +0 0.28042 0.28611 0.0578336 0.0924595 0.671716 2002 +0 0.259542 0.462003 0.0134227 0.032001 0.3636 2006 +0 0.931291 0.621687 0.042904 0.0981904 0.458657 2016 +0 0.637232 0.561312 0.0210589 0.0550414 0.683194 1144 +0 0.568757 0.772247 0.0154625 0.0484438 0.556389 1402 +0 0.776083 0.396584 0.0230556 0.0455023 0.437374 1767 +0 0.216313 0.758001 0.0265539 0.0591727 0.627939 1525 +0 0.919424 0.729909 0.0103498 0.0261412 0.348149 2017 +0 0.371529 0.105432 0.0927036 0.179595 0.808117 2021 +0 0.512252 0.291394 0.0261358 0.0567045 0.678792 2027 +0 0.301565 0.149684 0.0170621 0.0443289 0.644803 2033 +0 0.837683 0.648496 0.0257738 0.0636709 0.556847 2036 +0 0.502632 0.733185 0.0250687 0.0640854 0.543778 1348 +0 0.577229 0.612627 0.0211287 0.061406 0.744876 1122 +0 0.666327 0.184857 0.0172918 0.0388481 0.681806 1943 +0 0.917143 0.870813 0.0203358 0.0520138 0.449233 2048 +0 0.740182 0.0905763 0.0211625 0.0431242 0.679002 2050 +0 0.981447 0.511228 0.0162712 0.0352116 0.625993 2055 +0 0.598371 0.282788 0.0140117 0.0375832 0.495793 2058 +0 0.780132 0.339687 0.0278735 0.0577117 0.593115 2063 +0 0.178513 0.381097 0.0445041 0.0817264 0.663297 2067 +0 0.667816 0.664446 0.0149749 0.0429218 0.714146 871 +0 0.863812 0.77012 0.0193595 0.0480107 0.747984 1758 +0 0.597105 0.763367 0.0181829 0.0540369 0.793732 873 +0 0.59324 0.718793 0.014864 0.0392993 0.500932 1431 +0 0.501798 0.825369 0.030474 0.0788104 0.504712 994 +0 0.619834 0.81449 0.0194338 0.0522062 0.703526 1950 +0 0.716118 0.0597747 0.0215443 0.0446791 0.67926 2077 +0 0.122404 0.388382 0.0518056 0.105833 0.421814 2078 +0 0.822962 0.264736 0.0167833 0.0433628 0.648567 2081 +0 0.603155 0.0648773 0.0648589 0.113051 0.646434 2083 +0 0.181005 0.487432 0.0233066 0.0862523 0.607794 2084 +0 0.44031 0.780277 0.0212211 0.0586745 0.721051 2085 +0 0.239968 0.558206 0.0230896 0.0657678 0.526147 2090 +0 0.627851 0.479608 0.0271789 0.0633126 0.402372 1584 +0 0.546836 0.776312 0.020606 0.0568091 0.608642 1864 +0 0.557667 0.855524 0.0206483 0.0698867 0.486093 274 +0 0.80176 0.3122 0.0153087 0.0323004 0.537189 1901 +0 0.54494 0.923685 0.0193118 0.0484616 0.549199 806 +0 0.546933 0.047485 0.0602 0.0843614 0.666168 2113 +0 0.714284 0.12767 0.0203928 0.0444574 0.735609 2114 +0 0.470083 0.775043 0.0181041 0.0515001 0.607949 2128 +0 0.767846 0.819506 0.0172704 0.0413895 0.441213 1204 +0 0.743981 0.945447 0.0125302 0.0367514 0.349577 1412 +0 0.648421 0.84009 0.0124302 0.0313552 0.317328 1367 +0 0.134097 0.488515 0.0126936 0.0412146 0.353183 2018 +0 0.736394 0.983132 0.0178991 0.0337358 0.40985 272 +0 0.545116 0.829399 0.0175393 0.0323769 0.311919 1861 +0 0.161902 0.820631 0.0135802 0.0422665 0.371164 1521 +0 0.813204 0.917105 0.0258804 0.0611299 0.729717 620 +0 0.446273 0.54199 0.022338 0.070165 0.450113 1312 +0 0.0969653 0.553856 0.0255414 0.0794811 0.442909 2005 diff --git a/src/FlotationAnalytics/output_botsort/track66/labels/image65.txt b/src/FlotationAnalytics/output_botsort/track66/labels/image65.txt new file mode 100644 index 0000000..b2df0b4 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track66/labels/image65.txt @@ -0,0 +1,128 @@ +0 0.664043 0.896084 0.0210751 0.0617644 0.742546 828 +0 0.746522 0.796709 0.0548413 0.0930771 0.419245 865 +0 0.717179 0.575916 0.1265 0.215698 0.84222 174 +0 0.880282 0.58838 0.0595686 0.108328 0.662245 1065 +0 0.418473 0.489912 0.0563849 0.114525 0.61978 480 +0 0.462448 0.617647 0.015271 0.044934 0.459825 1143 +0 0.663801 0.478835 0.0350242 0.0806492 0.560961 1153 +0 0.590253 0.571526 0.0235032 0.0572182 0.592836 1198 +0 0.820566 0.502906 0.0123441 0.0341553 0.3458 1205 +0 0.484621 0.544539 0.0471954 0.0958717 0.491139 1247 +0 0.520319 0.64197 0.0734005 0.145377 0.781571 93 +0 0.700518 0.453533 0.0189177 0.0445541 0.640725 1254 +0 0.598463 0.433906 0.101944 0.170871 0.820617 1258 +0 0.351339 0.702132 0.0176829 0.0491274 0.521891 1264 +0 0.422778 0.196218 0.119988 0.195087 0.842887 1285 +0 0.391156 0.655249 0.0280056 0.0699328 0.520673 1304 +0 0.53007 0.530286 0.0170702 0.0411315 0.59158 1334 +0 0.280749 0.669149 0.0135832 0.0373813 0.453533 1393 +0 0.869653 0.488589 0.0174234 0.0496327 0.70638 1414 +0 0.619893 0.641968 0.0232298 0.0599669 0.688978 1420 +0 0.411648 0.172118 0.0824245 0.10779 0.806206 1428 +0 0.360791 0.561541 0.0261309 0.0799171 0.499893 1429 +0 0.678529 0.371568 0.0238709 0.0531627 0.737625 1442 +0 0.906245 0.718144 0.0252387 0.0598773 0.401229 1447 +0 0.62947 0.703971 0.0248241 0.0720672 0.331483 1041 +0 0.386322 0.841837 0.0228236 0.0731474 0.430842 1365 +0 0.31265 0.771431 0.0175682 0.0567502 0.574363 1469 +0 0.29123 0.771054 0.0151957 0.0517997 0.59702 1470 +0 0.614354 0.51772 0.0234974 0.0584611 0.501411 1199 +0 0.81299 0.588147 0.0564118 0.126435 0.67542 1032 +0 0.780911 0.74025 0.0183304 0.0416423 0.589567 1514 +0 0.531589 0.388402 0.0506316 0.106253 0.539315 1515 +0 0.288337 0.444432 0.0374792 0.0830259 0.51315 907 +0 0.374293 0.432901 0.0638707 0.151739 0.745808 1537 +0 0.735416 0.424137 0.0235047 0.0583229 0.698532 1552 +0 0.475666 0.377104 0.0382098 0.126104 0.430106 1562 +0 0.898885 0.281648 0.183923 0.239857 0.564871 1632 +0 0.757035 0.3034 0.0241473 0.0571535 0.580847 1656 +0 0.432956 0.378883 0.0217651 0.0605866 0.673577 1658 +0 0.919371 0.47109 0.0623836 0.113926 0.758009 1664 +0 0.671076 0.267176 0.0642672 0.116589 0.689898 1129 +0 0.787836 0.879357 0.0224436 0.0544123 0.503924 1691 +0 0.40782 0.736535 0.0171454 0.0440863 0.708679 1717 +0 0.859702 0.734582 0.0224033 0.0563081 0.558353 1731 +0 0.910308 0.784828 0.0159061 0.0425465 0.657587 1738 +0 0.720078 0.350299 0.0230807 0.0548093 0.594133 1739 +0 0.882998 0.673179 0.0207995 0.054706 0.752158 1743 +0 0.939668 0.557331 0.0172443 0.0433139 0.754576 1744 +0 0.977234 0.642521 0.0441221 0.10974 0.67904 1745 +0 0.334502 0.642418 0.017295 0.0490515 0.435569 1775 +0 0.802856 0.785682 0.02603 0.0557369 0.668923 1781 +0 0.622306 0.186066 0.116857 0.189345 0.755662 1817 +0 0.79405 0.186838 0.123456 0.150971 0.776169 1823 +0 0.306872 0.623539 0.0184833 0.0547496 0.716794 1826 +0 0.801271 0.501401 0.0150214 0.0380894 0.550079 1357 +0 0.207006 0.454171 0.0202215 0.0627826 0.619264 1852 +0 0.804213 0.840515 0.0158173 0.0331353 0.564854 1856 +0 0.247522 0.425827 0.0246599 0.0731567 0.596349 1869 +0 0.306234 0.52505 0.0633223 0.100943 0.739292 1308 +0 0.19888 0.602727 0.0443529 0.0829879 0.552875 874 +0 0.541796 0.261295 0.0193341 0.0495904 0.663729 1895 +0 0.312606 0.364159 0.0244966 0.0624921 0.659557 1896 +0 0.460539 0.735434 0.0175741 0.04908 0.61821 1897 +0 0.409495 0.343888 0.0146293 0.0442967 0.300653 1923 +0 0.962702 0.754968 0.0682556 0.102121 0.751457 1564 +0 0.682394 0.17711 0.0226369 0.0509414 0.681557 1930 +0 0.225948 0.368668 0.0232461 0.0657328 0.72529 1931 +0 0.618571 0.283954 0.020727 0.0597531 0.623019 1948 +0 0.675516 0.815406 0.0184152 0.0562848 0.733839 1959 +0 0.311437 0.215086 0.0177446 0.0486177 0.683435 1961 +0 0.23269 0.293103 0.0180681 0.0503505 0.682849 1964 +0 0.527946 0.20008 0.0465608 0.0828748 0.627049 1966 +0 0.262486 0.22905 0.0500669 0.0673954 0.66926 1978 +0 0.973252 0.56869 0.0152913 0.0349306 0.639386 1989 +0 0.2091 0.517987 0.0162645 0.0454924 0.512389 1990 +0 0.199906 0.286727 0.0189198 0.0521512 0.614172 1993 +0 0.456595 0.674436 0.0133249 0.0366284 0.380212 1994 +0 0.276653 0.31244 0.0591163 0.0968781 0.710704 2002 +0 0.254923 0.49275 0.0138908 0.0308339 0.484488 2006 +0 0.927071 0.635452 0.042766 0.0964059 0.578926 2016 +0 0.631789 0.582285 0.0192271 0.0544825 0.678808 1144 +0 0.562861 0.792998 0.0146526 0.0384103 0.656223 1402 +0 0.768068 0.41726 0.0238241 0.0491532 0.337508 1767 +0 0.208833 0.789653 0.018583 0.0397715 0.410834 1525 +0 0.372053 0.125693 0.0934211 0.185126 0.821259 2021 +0 0.504408 0.318396 0.0260977 0.0580849 0.645076 2027 +0 0.299998 0.173366 0.0172264 0.0462488 0.659927 2033 +0 0.83153 0.665395 0.0265297 0.0643004 0.595628 2036 +0 0.496301 0.75829 0.0219225 0.0540528 0.601849 1348 +0 0.571839 0.639569 0.0185916 0.0503428 0.630189 1122 +0 0.660257 0.205853 0.0179328 0.0412048 0.575159 1943 +0 0.910897 0.878291 0.0210468 0.0490261 0.526694 2048 +0 0.737366 0.106074 0.021936 0.0432995 0.722577 2050 +0 0.976045 0.526792 0.0159695 0.0359229 0.61985 2055 +0 0.590672 0.306448 0.0128197 0.0362562 0.30785 2058 +0 0.773847 0.358854 0.0280946 0.0566726 0.636905 2063 +0 0.172345 0.415007 0.0480081 0.0896063 0.560521 2067 +0 0.494505 0.872297 0.0215956 0.0540971 0.548518 994 +0 0.604654 0.875139 0.0207428 0.0533802 0.67635 1950 +0 0.7122 0.0755497 0.0217342 0.0434397 0.728117 2077 +0 0.118892 0.439372 0.0422741 0.10271 0.437189 2078 +0 0.601582 0.0843838 0.07037 0.115064 0.655102 2083 +0 0.175836 0.517325 0.0243681 0.0741118 0.577695 2084 +0 0.420772 0.84467 0.0245309 0.0721755 0.541391 2085 +0 0.236985 0.586655 0.0211732 0.0610073 0.630781 2090 +0 0.542067 0.797188 0.0156559 0.0394085 0.691414 1864 +0 0.567146 0.896723 0.0180099 0.0593395 0.679038 274 +0 0.794581 0.328793 0.0157977 0.0326358 0.509885 1901 +0 0.541633 0.0597701 0.062229 0.100932 0.695027 2113 +0 0.709664 0.144556 0.0197384 0.0424461 0.548563 2114 +0 0.460002 0.835185 0.0217156 0.0586764 0.661008 2128 +0 0.326685 0.308145 0.015141 0.04224 0.424844 2147 +0 0.221113 0.186465 0.029184 0.066844 0.656124 2149 +0 0.474867 0.641585 0.0165595 0.0506778 0.433114 2153 +0 0.550637 0.834536 0.016177 0.0281617 0.624726 1861 +0 0.440115 0.569713 0.0228741 0.0672985 0.523858 1312 +0 0.0937069 0.599555 0.0194382 0.0629595 0.444305 2005 +0 0.345153 0.768143 0.0180644 0.04342 0.591309 1375 +0 0.837256 0.249866 0.023928 0.0487321 0.531382 1832 +0 0.787025 0.961253 0.020214 0.0538851 0.434684 230 +0 0.75472 0.878902 0.0129669 0.0299884 0.593237 1340 +0 0.229325 0.780488 0.0152802 0.0481858 0.579526 1255 +0 0.855434 0.906026 0.0295461 0.0477351 0.450338 1799 +0 0.360996 0.798413 0.0174444 0.0381098 0.529846 1934 +0 0.627049 0.868153 0.0132859 0.0343744 0.599173 386 +0 0.673013 0.420136 0.0168963 0.0293707 0.379963 1287 +0 0.437763 0.89994 0.0263488 0.0614231 0.620827 1332 +0 0.0973923 0.530415 0.0189459 0.0627146 0.496989 2001 diff --git a/src/FlotationAnalytics/output_botsort/track7/labels/image6.txt b/src/FlotationAnalytics/output_botsort/track7/labels/image6.txt new file mode 100644 index 0000000..dcfec30 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track7/labels/image6.txt @@ -0,0 +1,92 @@ +0 0.832953 0.593809 0.12402 0.179511 0.854417 1 +0 0.274896 0.343819 0.0849482 0.103577 0.575017 2 +0 0.412102 0.762791 0.0300557 0.0776706 0.501218 4 +0 0.954528 0.57729 0.0802473 0.22571 0.746606 5 +0 0.450402 0.223879 0.0786242 0.150503 0.676006 6 +0 0.721249 0.506883 0.0192397 0.0608827 0.565873 7 +0 0.378345 0.365302 0.0603975 0.108342 0.44147 8 +0 0.434672 0.449406 0.0171329 0.0497128 0.640837 9 +0 0.717338 0.22095 0.0742699 0.154097 0.662468 13 +0 0.626726 0.243584 0.0229381 0.0684392 0.733152 14 +0 0.574986 0.496438 0.0851337 0.165106 0.800972 16 +0 0.730865 0.433909 0.0202792 0.0582623 0.614551 18 +0 0.761412 0.472586 0.0249794 0.0680426 0.77352 21 +0 0.293996 0.0321222 0.0858184 0.0642444 0.809698 22 +0 0.940967 0.725657 0.0271513 0.05407 0.662515 23 +0 0.928662 0.832632 0.0318737 0.0491337 0.393627 26 +0 0.659681 0.180457 0.0197364 0.0510382 0.793887 27 +0 0.358465 0.443651 0.0163956 0.053769 0.620212 28 +0 0.676712 0.492128 0.0363103 0.0897323 0.442804 29 +0 0.6134 0.620764 0.0348142 0.0923831 0.617179 30 +0 0.566244 0.114712 0.175823 0.21067 0.822462 31 +0 0.238205 0.430125 0.0222593 0.0707368 0.449767 33 +0 0.251704 0.520378 0.0560091 0.101475 0.549707 38 +0 0.375236 0.515072 0.0274232 0.0755575 0.651415 44 +0 0.757944 0.563973 0.0231776 0.0563904 0.377209 45 +0 0.926457 0.465708 0.0233203 0.0490633 0.64682 47 +0 0.517535 0.54589 0.014641 0.0378903 0.321368 48 +0 0.502245 0.447216 0.0234895 0.0555527 0.648268 50 +0 0.710935 0.64129 0.0322143 0.0944182 0.373021 56 +0 0.770918 0.360484 0.0515438 0.0836912 0.635644 59 +0 0.910463 0.40697 0.0274572 0.065268 0.640259 60 +0 0.84083 0.399266 0.101794 0.1398 0.818612 63 +0 0.207299 0.520024 0.0169394 0.0634438 0.428167 64 +0 0.358382 0.20171 0.0237997 0.063151 0.495722 68 +0 0.762688 0.120079 0.016137 0.0474569 0.704637 76 +0 0.290489 0.41005 0.0186214 0.0484026 0.677996 77 +0 0.939013 0.304198 0.0652628 0.106373 0.66979 80 +0 0.435481 0.359106 0.01756 0.0573516 0.724925 83 +0 0.829793 0.253059 0.0492065 0.0850764 0.53776 92 +0 0.711499 0.350974 0.0255869 0.0674582 0.463318 95 +0 0.526556 0.327147 0.0983688 0.166762 0.671538 98 +0 0.691711 0.134094 0.0160291 0.0379969 0.704549 101 +0 0.673899 0.395543 0.0157294 0.0345906 0.578182 102 +0 0.449142 0.595827 0.038169 0.0856983 0.36612 109 +0 0.499743 0.643164 0.0224807 0.0652992 0.654638 111 +0 0.206311 0.740268 0.0194392 0.0594768 0.489869 112 +0 0.460617 0.833926 0.0181007 0.0529942 0.483962 119 +0 0.766787 0.278803 0.0433343 0.0802517 0.549804 121 +0 0.720429 0.824611 0.0201324 0.070119 0.613611 123 +0 0.183867 0.208993 0.0817754 0.152971 0.769547 128 +0 0.659902 0.367085 0.0332227 0.0710072 0.491583 139 +0 0.78597 0.792886 0.0677869 0.12653 0.393194 149 +0 0.902608 0.766575 0.0206868 0.0569981 0.667492 154 +0 0.287556 0.121952 0.116507 0.187345 0.838781 156 +0 0.959388 0.396822 0.046919 0.0880789 0.672951 163 +0 0.387693 0.213062 0.0194056 0.039742 0.721749 170 +0 0.247626 0.740516 0.0188434 0.0645607 0.460253 106 +0 0.509666 0.496066 0.0181704 0.0413256 0.51279 174 +0 0.990355 0.619013 0.0169158 0.0773733 0.43453 185 +0 0.459501 0.483058 0.0218848 0.0616306 0.406317 189 +0 0.153137 0.598485 0.0381344 0.0769894 0.445894 110 +0 0.357365 0.733093 0.0196632 0.0741972 0.466235 10 +0 0.454877 0.778931 0.0245744 0.0783766 0.521558 208 +0 0.31334 0.693582 0.0201077 0.0600316 0.710122 209 +0 0.480332 0.728139 0.0216523 0.0564903 0.454836 215 +0 0.921288 0.258424 0.020282 0.0485114 0.627076 219 +0 0.307963 0.250285 0.0278632 0.0525476 0.449818 221 +0 0.675094 0.106952 0.0169492 0.0448878 0.565701 225 +0 0.87365 0.263987 0.0138675 0.0380243 0.322982 228 +0 0.912653 0.218131 0.0148232 0.0334325 0.505402 230 +0 0.981742 0.738879 0.0353514 0.104063 0.631484 234 +0 0.309123 0.514289 0.0147383 0.0451993 0.301993 236 +0 0.544509 0.651174 0.0336341 0.0802244 0.471347 19 +0 0.16063 0.464459 0.0728006 0.110005 0.72587 71 +0 0.510581 0.718208 0.0123718 0.043076 0.329853 93 +0 0.644452 0.600849 0.0172191 0.0542356 0.632462 82 +0 0.467996 0.662973 0.0172273 0.0471577 0.620377 243 +0 0.893841 0.163303 0.0578749 0.0865489 0.633713 249 +0 0.890317 0.265174 0.0131517 0.0401049 0.572302 260 +0 0.264529 0.429568 0.0140208 0.0482408 0.627416 265 +0 0.63053 0.504883 0.022681 0.0587036 0.63842 113 +0 0.86018 0.805895 0.0160328 0.0457634 0.63781 12 +0 0.110934 0.761994 0.0152302 0.0478477 0.457772 85 +0 0.0864329 0.633861 0.0163917 0.061113 0.436681 131 +0 0.491611 0.294025 0.0182842 0.0539548 0.306817 114 +0 0.1074 0.58456 0.0191333 0.0581307 0.534305 126 +0 0.434497 0.527884 0.0190464 0.0445901 0.766975 125 +0 0.127501 0.53361 0.0173852 0.0602049 0.485165 43 +0 0.297839 0.465046 0.0182274 0.0538387 0.696973 17 +0 0.876277 0.841471 0.0255289 0.0620552 0.606963 32 +0 0.977489 0.454566 0.0143394 0.0407247 0.527286 72 +0 0.912449 0.935245 0.0234561 0.0443803 0.375517 97 diff --git a/src/FlotationAnalytics/output_botsort/track8/labels/image7.txt b/src/FlotationAnalytics/output_botsort/track8/labels/image7.txt new file mode 100644 index 0000000..65f0159 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track8/labels/image7.txt @@ -0,0 +1,100 @@ +0 0.826903 0.617442 0.121913 0.175695 0.859075 1 +0 0.284983 0.392878 0.0398956 0.0603223 0.586246 2 +0 0.411877 0.805665 0.02894 0.0717234 0.756588 4 +0 0.950251 0.596219 0.0849797 0.210126 0.788493 5 +0 0.448797 0.242181 0.0763729 0.155311 0.624205 6 +0 0.716224 0.534785 0.0170182 0.0540954 0.710477 7 +0 0.381102 0.401446 0.0754263 0.140347 0.683777 8 +0 0.430729 0.466277 0.0155623 0.0437849 0.596303 9 +0 0.716019 0.240797 0.07661 0.157072 0.622722 13 +0 0.624477 0.262893 0.0242746 0.0675029 0.662652 14 +0 0.571165 0.526982 0.0833815 0.164641 0.788339 16 +0 0.7256 0.45866 0.0209394 0.0558925 0.727718 18 +0 0.75504 0.498344 0.0235917 0.0611006 0.742584 21 +0 0.293137 0.0440693 0.0848054 0.0881385 0.781111 22 +0 0.935392 0.73945 0.0297367 0.0534227 0.525432 23 +0 0.926577 0.860527 0.0457804 0.0643254 0.420369 26 +0 0.655905 0.197736 0.0187468 0.0508607 0.786994 27 +0 0.673133 0.513373 0.0343088 0.0784705 0.488853 29 +0 0.608854 0.646231 0.0235915 0.0458304 0.307458 30 +0 0.557823 0.126974 0.180331 0.225622 0.783862 31 +0 0.230564 0.473577 0.0238922 0.0769373 0.576211 33 +0 0.244529 0.558783 0.0520498 0.102883 0.412625 38 +0 0.360168 0.597125 0.0370094 0.104024 0.308882 44 +0 0.750855 0.595288 0.0226303 0.0547479 0.527158 45 +0 0.916303 0.488568 0.0220357 0.0464821 0.750461 47 +0 0.513002 0.59766 0.0183896 0.0592604 0.365722 48 +0 0.507223 0.47144 0.0252282 0.0559301 0.545351 50 +0 0.707018 0.661552 0.0315577 0.0836495 0.591127 56 +0 0.766594 0.382312 0.0504898 0.0864039 0.752535 59 +0 0.904559 0.427121 0.0255475 0.062623 0.701871 60 +0 0.836231 0.415325 0.102872 0.149113 0.802785 63 +0 0.19921 0.564632 0.0161628 0.0526248 0.459169 64 +0 0.356021 0.218834 0.0237421 0.0575242 0.552526 68 +0 0.760697 0.13511 0.0165715 0.0471922 0.683918 76 +0 0.28122 0.453452 0.019393 0.0479693 0.563236 77 +0 0.93459 0.327952 0.0656574 0.0958081 0.533636 80 +0 0.827969 0.268445 0.0461917 0.0818528 0.525364 92 +0 0.71056 0.372877 0.0246182 0.0636789 0.536048 95 +0 0.522437 0.351797 0.100439 0.168124 0.687699 98 +0 0.688351 0.149872 0.0158919 0.0379337 0.66992 101 +0 0.672033 0.41901 0.0159423 0.0340351 0.61696 102 +0 0.451488 0.627763 0.0386995 0.0889356 0.371916 109 +0 0.493815 0.675062 0.0210176 0.055853 0.71387 111 +0 0.439165 0.861149 0.021827 0.0502969 0.545791 119 +0 0.765458 0.296462 0.0391947 0.0796453 0.507227 121 +0 0.179349 0.219551 0.0807974 0.169423 0.778443 128 +0 0.649359 0.407128 0.0402269 0.0752229 0.486579 139 +0 0.899641 0.780875 0.0173718 0.0474247 0.645513 154 +0 0.284592 0.14248 0.120461 0.218031 0.792915 156 +0 0.95385 0.415797 0.0471 0.0852747 0.713432 163 +0 0.386493 0.225717 0.0164561 0.0327324 0.600671 170 +0 0.240995 0.773867 0.0160137 0.0580539 0.68498 106 +0 0.508152 0.526511 0.0170394 0.0459642 0.580285 174 +0 0.987261 0.640476 0.0214485 0.0936062 0.552007 185 +0 0.452658 0.522787 0.03521 0.0756162 0.487371 189 +0 0.143261 0.635517 0.0422403 0.0962411 0.432685 110 +0 0.345472 0.792495 0.0296614 0.0877305 0.457042 10 +0 0.4461 0.819179 0.0152015 0.0375984 0.341181 208 +0 0.307331 0.72983 0.0189886 0.0563102 0.717428 209 +0 0.477162 0.770429 0.0237556 0.0624469 0.770333 215 +0 0.916571 0.273415 0.0193827 0.0480288 0.638293 219 +0 0.671752 0.124908 0.0159722 0.0445142 0.618949 225 +0 0.869967 0.278443 0.0131772 0.0391712 0.456083 228 +0 0.909185 0.232813 0.0146535 0.0344131 0.539629 230 +0 0.982813 0.745759 0.0319248 0.100269 0.591174 234 +0 0.302516 0.552465 0.0185512 0.0619906 0.58661 236 +0 0.540425 0.680657 0.0325624 0.0738339 0.548599 19 +0 0.156255 0.494655 0.0748203 0.11576 0.694926 71 +0 0.637129 0.633132 0.0183861 0.0480523 0.650125 82 +0 0.462819 0.723996 0.0183586 0.0598513 0.563291 243 +0 0.894416 0.175795 0.0638636 0.0890096 0.743439 249 +0 0.885702 0.282305 0.0128922 0.0380181 0.320202 260 +0 0.625554 0.536724 0.0243 0.0631909 0.640887 113 +0 0.0857431 0.683282 0.0157618 0.064436 0.377816 131 +0 0.839327 0.185136 0.0177418 0.0487828 0.747359 269 +0 0.928429 0.220542 0.0153343 0.0410228 0.662072 272 +0 0.749553 0.0673034 0.13956 0.12434 0.733119 274 +0 0.111291 0.372757 0.0614281 0.108338 0.693583 275 +0 0.980179 0.333405 0.0156692 0.0432599 0.606371 294 +0 0.636354 0.309795 0.0225832 0.0505721 0.456209 299 +0 0.735642 0.550263 0.0143853 0.0361988 0.506761 300 +0 0.792647 0.126759 0.023449 0.0561535 0.687431 302 +0 0.10572 0.615488 0.0183645 0.0624131 0.429623 126 +0 0.289598 0.503227 0.0193042 0.0583574 0.49683 17 +0 0.87542 0.866257 0.0278176 0.0546246 0.660601 32 +0 0.97375 0.472385 0.0149599 0.0409576 0.595996 72 +0 0.909434 0.945334 0.0184145 0.0381003 0.5077 97 +0 0.489691 0.361839 0.0363247 0.146308 0.386795 58 +0 0.505504 0.779269 0.0197762 0.0549197 0.69532 74 +0 0.590947 0.811933 0.0257458 0.0904995 0.576904 75 +0 0.538236 0.332291 0.033425 0.140004 0.345078 89 +0 0.348313 0.637904 0.07028 0.166429 0.528902 46 +0 0.631853 0.489667 0.0112703 0.0287885 0.302718 42 +0 0.841367 0.49681 0.0138267 0.040387 0.527421 84 +0 0.691959 0.897596 0.0128893 0.0371116 0.493883 39 +0 0.873332 0.830451 0.0129623 0.0320193 0.368325 40 +0 0.793734 0.804693 0.0367799 0.0983863 0.418771 78 +0 0.255556 0.8561 0.0203396 0.0585871 0.405364 103 +0 0.588987 0.717316 0.0198135 0.0709984 0.414057 108 +0 0.661214 0.944347 0.0170168 0.0503182 0.756387 81 diff --git a/src/FlotationAnalytics/output_botsort/track9/labels/image8.txt b/src/FlotationAnalytics/output_botsort/track9/labels/image8.txt new file mode 100644 index 0000000..8844f32 --- /dev/null +++ b/src/FlotationAnalytics/output_botsort/track9/labels/image8.txt @@ -0,0 +1,98 @@ +0 0.823544 0.628956 0.117118 0.191643 0.852825 1 +0 0.291354 0.435638 0.0213997 0.0542187 0.468141 2 +0 0.403384 0.842373 0.0259953 0.0776751 0.691014 4 +0 0.944953 0.613835 0.0850529 0.200212 0.789058 5 +0 0.460033 0.231762 0.0412423 0.0908518 0.646104 6 +0 0.719511 0.554667 0.0210011 0.0431937 0.561132 7 +0 0.379211 0.431874 0.0817624 0.166069 0.7789 8 +0 0.708743 0.24256 0.0646686 0.103255 0.484048 13 +0 0.571679 0.52676 0.0429205 0.103989 0.740552 16 +0 0.72255 0.486477 0.0217857 0.0650456 0.537432 18 +0 0.752746 0.524099 0.0225437 0.0549734 0.732896 21 +0 0.933892 0.752157 0.0302555 0.0543782 0.553519 23 +0 0.644902 0.226274 0.0217118 0.0510414 0.60357 27 +0 0.670398 0.538027 0.0219527 0.0606477 0.438007 29 +0 0.558361 0.130771 0.179819 0.249451 0.788576 31 +0 0.222291 0.517245 0.0227088 0.0817791 0.563245 33 +0 0.240137 0.604234 0.0561034 0.0970425 0.616022 38 +0 0.350684 0.607463 0.025373 0.0644623 0.675444 44 +0 0.728821 0.618055 0.0243453 0.0653382 0.465365 45 +0 0.905789 0.507596 0.0205276 0.0449442 0.740291 47 +0 0.50736 0.617053 0.0216081 0.0467729 0.573384 48 +0 0.508582 0.490544 0.0213465 0.0421363 0.348399 50 +0 0.704887 0.672558 0.0170647 0.0454367 0.698184 56 +0 0.769472 0.393266 0.0303671 0.0583792 0.323446 59 +0 0.897849 0.445016 0.026395 0.0640981 0.653131 60 +0 0.83445 0.421366 0.0951947 0.157318 0.805244 63 +0 0.193824 0.604952 0.0193776 0.0735699 0.484127 64 +0 0.355266 0.23766 0.0259303 0.0635839 0.562179 68 +0 0.760665 0.146369 0.0161639 0.0426387 0.679967 76 +0 0.275225 0.487648 0.0202934 0.056887 0.53394 77 +0 0.927249 0.345305 0.0607632 0.0912821 0.587726 80 +0 0.822693 0.281281 0.0414379 0.0870397 0.485279 92 +0 0.721026 0.395321 0.0241219 0.0644827 0.644597 95 +0 0.540199 0.408703 0.0497367 0.0938289 0.725465 98 +0 0.667081 0.420318 0.0193394 0.0335503 0.6353 102 +0 0.446315 0.668699 0.0396666 0.0900663 0.527828 109 +0 0.484342 0.703945 0.0237138 0.0509304 0.556534 111 +0 0.412458 0.348159 0.0581793 0.0869443 0.792039 119 +0 0.764766 0.319233 0.0436619 0.0792938 0.480112 121 +0 0.174858 0.242506 0.0873753 0.180188 0.806539 128 +0 0.63606 0.452795 0.0434691 0.0607245 0.564154 139 +0 0.900579 0.794789 0.0158781 0.0454446 0.745913 154 +0 0.279375 0.175099 0.115662 0.263464 0.671621 156 +0 0.949185 0.430296 0.0465981 0.0825715 0.481434 163 +0 0.237675 0.822093 0.0148911 0.0509376 0.559149 106 +0 0.504626 0.550795 0.0242232 0.0631467 0.546981 174 +0 0.98618 0.653872 0.0241547 0.101474 0.532054 185 +0 0.448506 0.549733 0.0364135 0.0753375 0.59295 189 +0 0.332835 0.858204 0.0262791 0.0815141 0.639391 10 +0 0.913173 0.283021 0.0193472 0.0441495 0.63522 219 +0 0.670597 0.140262 0.0140732 0.0425174 0.514672 225 +0 0.903736 0.244389 0.0170175 0.0354563 0.644056 230 +0 0.984377 0.756328 0.0299979 0.0996255 0.486372 234 +0 0.297028 0.591537 0.0223682 0.068047 0.729205 236 +0 0.524522 0.711493 0.0410138 0.0917732 0.571157 19 +0 0.149279 0.531222 0.0760771 0.1328 0.307955 71 +0 0.639563 0.678515 0.016148 0.0417534 0.571866 82 +0 0.457109 0.77493 0.0214503 0.0668671 0.536701 243 +0 0.895275 0.184421 0.070644 0.0933082 0.687876 249 +0 0.880657 0.292892 0.0173878 0.0348601 0.536979 260 +0 0.62676 0.54471 0.0202842 0.0513676 0.51571 113 +0 0.0835625 0.732303 0.0160754 0.0679639 0.559357 131 +0 0.835884 0.198753 0.0180511 0.0478804 0.754223 269 +0 0.925316 0.232244 0.0176443 0.0421216 0.66268 272 +0 0.750976 0.0757723 0.145534 0.139602 0.760043 274 +0 0.106936 0.412369 0.0500433 0.10083 0.533031 275 +0 0.976395 0.345266 0.0186308 0.04696 0.498342 294 +0 0.633914 0.323555 0.0219186 0.051651 0.688963 299 +0 0.791126 0.140039 0.0225546 0.0546308 0.604793 302 +0 0.101455 0.659031 0.0196735 0.0715838 0.46116 126 +0 0.283625 0.542745 0.0220901 0.0608528 0.742284 17 +0 0.874574 0.883016 0.0275321 0.0614494 0.665226 32 +0 0.970494 0.487403 0.0149669 0.0424539 0.600192 72 +0 0.946082 0.265379 0.0160846 0.0405017 0.748607 312 +0 0.327785 0.0514147 0.0174822 0.050815 0.693685 327 +0 0.375983 0.0419973 0.0506797 0.0753084 0.713173 329 +0 0.212716 0.346667 0.0231467 0.0601955 0.703757 331 +0 0.433614 0.0424345 0.0429908 0.077352 0.548503 337 +0 0.564509 0.890535 0.0153436 0.0443998 0.679267 343 +0 0.604431 0.607683 0.0219343 0.0396501 0.604698 344 +0 0.50024 0.407633 0.0285189 0.107286 0.532087 58 +0 0.494108 0.795428 0.0200105 0.0663442 0.487329 74 +0 0.589525 0.843058 0.0253099 0.0827245 0.631445 75 +0 0.531564 0.367735 0.0265454 0.0974595 0.661548 89 +0 0.338082 0.676766 0.0813207 0.174072 0.748527 46 +0 0.834858 0.515651 0.0121384 0.0394052 0.330304 84 +0 0.869408 0.84053 0.0150842 0.0358866 0.537063 40 +0 0.762486 0.793289 0.0531799 0.0962273 0.615132 78 +0 0.530382 0.336787 0.0207072 0.0472039 0.537269 54 +0 0.651352 0.575824 0.0162086 0.0368126 0.488533 57 +0 0.204062 0.728205 0.0226039 0.0737137 0.586813 34 +0 0.760537 0.575316 0.0153615 0.0310088 0.582649 117 +0 0.192022 0.409986 0.0217216 0.0554597 0.479167 204 +0 0.669865 0.45452 0.0148823 0.0305038 0.481071 105 +0 0.939875 0.867118 0.0163806 0.0429485 0.52592 73 +0 0.441102 0.428776 0.0230642 0.0595756 0.627659 83 +0 0.764996 0.855672 0.0348782 0.0778808 0.66653 149 +0 0.48749 0.347395 0.0272696 0.0664011 0.482546 114 diff --git a/src/FlotationAnalytics/requirements.txt b/src/FlotationAnalytics/requirements.txt new file mode 100644 index 0000000..edfe920 --- /dev/null +++ b/src/FlotationAnalytics/requirements.txt @@ -0,0 +1,17 @@ +streamlit +opencv-python +ultralytics +timm==0.4.9 +imgaug==0.4.0 +six==1.16.0 +hub==3.0.1 +wandb +scipy==1.10.1 +pillow==9.3.0 +numpy==1.23.4 +pandas==1.5.2 +tqdm +matplotlib==3.6.3 +pytest +hydra-core +omegaconf \ No newline at end of file diff --git a/src/FlotationAnalytics/research/countr.py b/src/FlotationAnalytics/research/countr.py new file mode 100644 index 0000000..39316dc --- /dev/null +++ b/src/FlotationAnalytics/research/countr.py @@ -0,0 +1,204 @@ +!git clone https://github.com/Verg-Avesta/CounTR.git + +!pip install -r /content/CounTR/requirements.txt --upgrade --force-reinstall + +!pip install torch==1.10.0+cu111 torchvision==0.11.0+cu111 torchaudio==0.10.0 -f https://download.pytorch.org/whl/torch_stable.html +!pip install timm==0.4.9 #0.3.2 +!pip install numpy +!pip install matplotlib tqdm +!pip install tensorboard +!pip install scipy +!pip install imgaug +!pip install opencv-python +!pip3 install hub + +""" +Изменить в файле /content/CounTR/util/misc.py from torch._six import inf на inf = float('inf') +Изменить в файле /content/CounTR/util/pos_embed.py omega = np.arange(embed_dim // 2, dtype=np.float) на omega = np.arange(embed_dim // 2, dtype=float) +""" + +with open('/usr/local/lib/python3.11/dist-packages/timm/models/layers/helpers.py', 'r') as f: + text = f.read() + +print(text) + +!python /content/CounTR/demo_zero.py --input_path frames/ --output_path results/ + +"""заменить файл demo_zero.py""" +import cv2 +import os +import time +import torch +import torch.nn as nn +import torchvision +import numpy as np +from itertools import chain +from argparse import ArgumentParser +from pathlib import Path +from PIL import Image, ImageDraw +from torchvision import transforms + +import timm +import models_mae_cross +from util.misc import measure_time + +assert "0.4.5" <= timm.__version__ <= "0.4.9" # Проверяем версию timm +device = torch.device('cuda') +shot_num = 0 + +def extract_frames(video_path, output_folder): + """ + Разбиваем видео на кадры и сохраняем их в output_folder. + Также вычисляем средний вектор перемещения объектов. + """ + os.makedirs(output_folder, exist_ok=True) + + cap = cv2.VideoCapture(str(video_path)) + if not cap.isOpened(): + raise Exception(f"Ошибка: Не удалось открыть видео {video_path}") + + frame_idx = 0 + prev_gray = None + total_motion = np.array([0.0, 0.0]) + num_vectors = 0 + + while True: + ret, frame = cap.read() + if not ret: + break + + frame_gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + frame_path = os.path.join(output_folder, f"frame_{frame_idx:05d}.jpg") + cv2.imwrite(frame_path, frame) + + # Определяем средний вектор движения объектов + if prev_gray is not None: + flow = cv2.calcOpticalFlowFarneback(prev_gray, frame_gray, None, 0.5, 3, 15, 3, 5, 1.2, 0) + mean_flow = np.mean(flow, axis=(0, 1)) + total_motion += mean_flow + num_vectors += 1 + + prev_gray = frame_gray + frame_idx += 1 + + cap.release() + + avg_motion = total_motion / num_vectors if num_vectors > 0 else np.array([0, 0]) + print(f"Кадры сохранены в {output_folder} ({frame_idx} кадров).") + print(f"Средний вектор перемещения объектов: ({avg_motion[0]:.2f}, {avg_motion[1]:.2f})") + return frame_idx, avg_motion + +def frames_to_video(input_folder, output_video, fps=30): + """Преобразуем кадры обратно в видео""" + frame_files = sorted(Path(input_folder).glob("viz_*.jpg")) + + if not frame_files: + raise Exception("Ошибка: Не найдено обработанных кадров!") + + first_frame = cv2.imread(str(frame_files[0])) + height, width, _ = first_frame.shape + + fourcc = cv2.VideoWriter_fourcc(*'mp4v') + out = cv2.VideoWriter(output_video, fourcc, fps, (width, height)) + + for frame_file in frame_files: + frame = cv2.imread(str(frame_file)) + out.write(frame) + + out.release() + print(f"Видео сохранено: {output_video}") + +def load_image(img_path: str): + image = Image.open(img_path).convert('RGB') + image.load() + W, H = image.size + new_H = 384 + new_W = 16 * int((W / H * 384) / 16) + image = transforms.Resize((new_H, new_W))(image) + Normalize = transforms.Compose([transforms.ToTensor()]) + image = Normalize(image) + boxes = torch.Tensor([]) + return image, boxes, W, H + +def run_one_image(samples, boxes, model, output_path, img_name, old_w, old_h): + _, _, h, w = samples.shape + + density_map = torch.zeros([h, w]) + density_map = density_map.to(device, non_blocking=True) + start = 0 + prev = -1 + with measure_time() as et: + with torch.no_grad(): + while start + 383 < w: + output, = model(samples[:, :, :, start:start + 384], boxes, shot_num) + output = output.squeeze(0) + b1 = nn.ZeroPad2d(padding=(start, w - prev - 1, 0, 0)) + d1 = b1(output[:, 0:prev - start + 1]) + b2 = nn.ZeroPad2d(padding=(prev + 1, w - start - 384, 0, 0)) + d2 = b2(output[:, prev - start + 1:384]) + + b3 = nn.ZeroPad2d(padding=(0, w - start, 0, 0)) + density_map_l = b3(density_map[:, 0:start]) + density_map_m = b1(density_map[:, start:prev + 1]) + b4 = nn.ZeroPad2d(padding=(prev + 1, 0, 0, 0)) + density_map_r = b4(density_map[:, prev + 1:w]) + + density_map = density_map_l + density_map_r + density_map_m / 2 + d1 / 2 + d2 + + prev = start + 383 + start = start + 128 + if start + 383 >= w: + if start == w - 384 + 128: + break + else: + start = w - 384 + + pred_cnt = torch.sum(density_map / 60).item() + + fig = samples[0] + pred_fig = torch.stack((density_map, torch.zeros_like(density_map), torch.zeros_like(density_map))) + count_im = Image.new(mode="RGB", size=(w, h), color=(0, 0, 0)) + draw = ImageDraw.Draw(count_im) + draw.text((w-70, h-50), f"{pred_cnt:.3f}", (255, 255, 255)) + count_im = np.array(count_im).transpose((2, 0, 1)) + count_im = torch.tensor(count_im, device=device) + fig = fig / 2 + pred_fig / 2 + count_im + fig = torch.clamp(fig, 0, 1) + fig = transforms.Resize((old_h, old_w))(fig) + torchvision.utils.save_image(fig, output_path / f'viz_{img_name}.jpg') + return pred_cnt, et + +if __name__ == '__main__': + start_time = time.time() + + video_path = "/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/PseCo/video_cut1.mp4" + frames_folder = "frames" + output_video = "output_video.mp4" + + # разбиваем видео на кадры и аналирируем движение + num_frames, avg_motion = extract_frames(video_path, frames_folder) + + p = ArgumentParser() + p.add_argument("--input_path", type=Path, required=True) + p.add_argument("--output_path", type=Path, default="results") + p.add_argument("--model_path", type=Path, default="/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/CounTR/FSC147.pth") + + args = p.parse_args() + + args.output_path.mkdir(exist_ok=True, parents=True) + + model = models_mae_cross.__dict__['mae_vit_base_patch16'](norm_pix_loss='store_true') + model.to(device) + model.load_state_dict(torch.load(args.model_path, map_location='cpu')['model'], strict=False) + model.eval() + + if args.input_path.is_dir(): + inputs = sorted(list(chain(args.input_path.glob("*.jpg"), args.input_path.glob("*.png")))) + for i, img_path in enumerate(inputs): + samples, boxes, old_w, old_h = load_image(img_path) + result, elapsed_time = run_one_image(samples.unsqueeze(0).to(device), boxes.unsqueeze(0).to(device), model, args.output_path, img_path.stem, old_w, old_h) + print(f"[{i+1}/{len(inputs)}] {img_path.name}:\tcount = {result:.2f} - time = {elapsed_time.duration:.2f}") + + frames_to_video("results", output_video) + + print(f"Время работы программы: {time.time() - start_time:.2f} секунд") \ No newline at end of file diff --git a/src/FlotationAnalytics/research/opticalflow.py b/src/FlotationAnalytics/research/opticalflow.py new file mode 100644 index 0000000..a91c6e7 --- /dev/null +++ b/src/FlotationAnalytics/research/opticalflow.py @@ -0,0 +1,239 @@ +import cv2 +import numpy as np + +video_path = "/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/input_yolov5.mp4" +cap = cv2.VideoCapture(video_path) + +if not cap.isOpened(): + print("Ошибка: не удалось открыть видео.") + exit() + +frame_width = int(cap.get(3)) +frame_height = int(cap.get(4)) +fps = int(cap.get(cv2.CAP_PROP_FPS)) + +output_path = "output.mp4" +fourcc = cv2.VideoWriter_fourcc(*'mp4v') +out = cv2.VideoWriter(output_path, fourcc, fps, (frame_width, frame_height)) + +# Параметры детектора углов (Shi-Tomasi) +feature_params = dict(maxCorners=100, qualityLevel=0.3, minDistance=7, blockSize=7) + +# Параметры Лукаса-Канаде для оптического потока +lk_params = dict(winSize=(15, 15), maxLevel=2, + criteria=(cv2.TERM_CRITERIA_EPS | cv2.TERM_CRITERIA_COUNT, 10, 0.03)) + +ret, old_frame = cap.read() +if not ret: + print("Ошибка при загрузке первого кадра") + cap.release() + out.release() + exit() + +old_gray = cv2.cvtColor(old_frame, cv2.COLOR_BGR2GRAY) +p0 = cv2.goodFeaturesToTrack(old_gray, mask=None, **feature_params) +mask = np.zeros_like(old_frame) + +while True: + ret, frame = cap.read() + if not ret: + break + + frame_gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + p1, st, err = cv2.calcOpticalFlowPyrLK(old_gray, frame_gray, p0, None, **lk_params) + if p1 is not None: + good_new = p1[st == 1] + good_old = p0[st == 1] + + for i, (new, old) in enumerate(zip(good_new, good_old)): + a, b = new.ravel() + c, d = old.ravel() + mask = cv2.line(mask, (int(a), int(b)), (int(c), int(d)), (0, 255, 0), 2) + frame = cv2.circle(frame, (int(a), int(b)), 5, (0, 0, 255), -1) + + img = cv2.add(frame, mask) + + else: + img = frame + + out.write(img) + old_gray = frame_gray.copy() + p0 = good_new.reshape(-1, 1, 2) if len(good_new) > 0 else None + +cap.release() +out.release() + +print(f"Видео сохранено как {output_path}") + +import cv2 +import numpy as np +import time + +video_path = "/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/input_yolov5.mp4" +cap = cv2.VideoCapture(video_path) + +if not cap.isOpened(): + print("Ошибка: не удалось открыть видео.") + exit() + +frame_width = int(cap.get(3)) +frame_height = int(cap.get(4)) +fps = int(cap.get(cv2.CAP_PROP_FPS)) + +output_path = "output_tracking.mp4" +fourcc = cv2.VideoWriter_fourcc(*'mp4v') +out = cv2.VideoWriter(output_path, fourcc, fps, (frame_width, frame_height)) + +ret, old_frame = cap.read() +if not ret: + print("Ошибка при загрузке первого кадра") + cap.release() + out.release() + exit() + +old_gray = cv2.cvtColor(old_frame, cv2.COLOR_BGR2GRAY) +feature_params = dict(maxCorners=100, qualityLevel=0.3, minDistance=7, blockSize=7) +p0 = cv2.goodFeaturesToTrack(old_gray, mask=None, **feature_params) +mask = np.zeros_like(old_frame) + +start_time = time.time() + +# Хранение среднего вектора перемещения по всем кадрам +total_dx, total_dy, frame_count = 0, 0, 0 + +while True: + ret, frame = cap.read() + if not ret: + break + + frame_gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + + # Вычисляем оптический поток (метод Лукаса-Канаде) + p1, st, err = cv2.calcOpticalFlowPyrLK(old_gray, frame_gray, p0, None) + + if p1 is not None and st is not None: + good_new = p1[st == 1] + good_old = p0[st == 1] + dx_values, dy_values = [], [] + + for i, (new, old) in enumerate(zip(good_new, good_old)): + a, b = new.ravel() + c, d = old.ravel() + dx, dy = a - c, b - d + dx_values.append(dx) + dy_values.append(dy) + mask = cv2.line(mask, (int(a), int(b)), (int(c), int(d)), (0, 255, 0), 2) + frame = cv2.circle(frame, (int(a), int(b)), 5, (0, 0, 255), -1) + + if dx_values and dy_values: + avg_dx = np.mean(dx_values) + avg_dy = np.mean(dy_values) + else: + avg_dx, avg_dy = 0, 0 + + total_dx += avg_dx + total_dy += avg_dy + frame_count += 1 + + text = f"Avg Flow: ({avg_dx:.2f}, {avg_dy:.2f})" + cv2.putText(frame, text, (20, 30), cv2.FONT_HERSHEY_SIMPLEX, 0.6, (255, 255, 255), 2) + + p0 = good_new.reshape(-1, 1, 2) + + output_frame = cv2.add(frame, mask) + out.write(output_frame) + old_gray = frame_gray.copy() + +global_avg_dx = total_dx / frame_count if frame_count > 0 else 0 +global_avg_dy = total_dy / frame_count if frame_count > 0 else 0 + +end_time = time.time() +total_time = end_time - start_time + +cap.release() +out.release() + +print(f"Видео сохранено как {output_path}") +print(f"Время работы мультитрекинга: {total_time:.2f} секунд") +print(f"Средний вектор перемещения пузырей за всё видео: ({global_avg_dx:.2f}, {global_avg_dy:.2f})") + +import cv2 +import numpy as np +import time + +video_path = "/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/Optical_flow/video_cut1.mp4" +cap = cv2.VideoCapture(video_path) + +if not cap.isOpened(): + print("Ошибка: не удалось открыть видео.") + exit() + +frame_width = int(cap.get(3)) +frame_height = int(cap.get(4)) +fps = int(cap.get(cv2.CAP_PROP_FPS)) + +output_path = "output_плотный.mp4" +fourcc = cv2.VideoWriter_fourcc(*'mp4v') +out = cv2.VideoWriter(output_path, fourcc, fps, (frame_width, frame_height)) +ret, old_frame = cap.read() +if not ret: + print("Ошибка при загрузке первого кадра") + cap.release() + out.release() + exit() + +old_gray = cv2.cvtColor(old_frame, cv2.COLOR_BGR2GRAY) + +start_time = time.time() +total_dx, total_dy, frame_count = 0, 0, 0 + +while True: + ret, frame = cap.read() + if not ret: + break + + frame_gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + + # Вычисляем плотный оптический поток (метод Гуннара Фарнебака) + flow = cv2.calcOpticalFlowFarneback(old_gray, frame_gray, None, 0.5, 3, 15, 3, 5, 1.2, 0) + + step = 15 + dx_values, dy_values = [], [] + + for y in range(0, frame.shape[0], step): + for x in range(0, frame.shape[1], step): + fx, fy = flow[y, x] + end_x = int(x + fx) + end_y = int(y + fy) + + if np.sqrt(fx**2 + fy**2) > 2: + cv2.arrowedLine(frame, (x, y), (end_x, end_y), (0, 0, 255), 1, tipLength=0.3) + dx_values.append(fx) + dy_values.append(fy) + + if dx_values and dy_values: + avg_dx = np.mean(dx_values) + avg_dy = np.mean(dy_values) + else: + avg_dx, avg_dy = 0, 0 + + total_dx += avg_dx + total_dy += avg_dy + frame_count += 1 + + text = f"Avg Flow: ({avg_dx:.2f}, {avg_dy:.2f})" + cv2.putText(frame, text, (20, 30), cv2.FONT_HERSHEY_SIMPLEX, 0.6, (255, 255, 255), 2) + out.write(frame) + old_gray = frame_gray.copy() + +global_avg_dx = total_dx / frame_count if frame_count > 0 else 0 +global_avg_dy = total_dy / frame_count if frame_count > 0 else 0 + +end_time = time.time() +total_time = end_time - start_time +cap.release() +out.release() + +print(f"Видео сохранено как {output_path}") +print(f"Время работы мультитрекинга: {total_time:.2f} секунд") +print(f"Средний вектор перемещения пузырей за всё видео: ({global_avg_dx:.2f}, {global_avg_dy:.2f})") \ No newline at end of file diff --git a/src/FlotationAnalytics/research/pseco.py b/src/FlotationAnalytics/research/pseco.py new file mode 100644 index 0000000..4a309e3 --- /dev/null +++ b/src/FlotationAnalytics/research/pseco.py @@ -0,0 +1,222 @@ +!git clone --depth 1 https://github.com/Hzzone/PseCo +import sys +sys.path.insert(0, './PseCo') +!nvidia-smi + +!git clone https://github.com/Hzzone/PseCo + +!pip install -r ./PseCo/requirements.txt + +!mkdir ./PseCo/data && mkdir ./PseCo/data/fsc147 && mv '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/PseCo/checkpoints' ./PseCo/data/fsc147 + +from google.colab import drive +drive.mount('/content/drive') + +import sys +sys.path.append("/content/PseCo") + +import os +from torchvision.utils import make_grid +from torchvision.transforms.functional import to_pil_image, to_tensor +# %load_ext autoreload +# %autoreload 2 +import matplotlib.pyplot as plt +import torch.nn.functional as F +import torch +from PIL import Image +import numpy as np +import tqdm +import albumentations as A +import torch.nn as nn +import torchvision +import torchvision.ops as vision_ops +from ops.foundation_models.segment_anything.utils.amg import batched_mask_to_box +from ops.ops import _nms, plot_results, convert_to_cuda +plt.rcParams["figure.dpi"] = 300 +torch.cuda.set_device(0) +torch.autograd.set_grad_enabled(False) +!gpustat + +from ops.dump_clip_features import dump_clip_image_features, dump_clip_text_features + +def read_image(path): + img = Image.open(path) + transform = A.Compose([ + A.LongestMaxSize(1024), + A.PadIfNeeded(1024, border_mode=0, position=A.PadIfNeeded.PositionType.TOP_LEFT), + ]) + img = Image.fromarray(transform(image=np.array(img))['image']) + return img + +from ops.foundation_models.segment_anything import sam_model_registry, SamAutomaticMaskGenerator, SamPredictor, build_sam, build_sam_vit_b, build_sam_vit_h + +sam = build_sam_vit_h().cuda().eval() + +project_root = './PseCo' + +fname_bubbles = f'{project_root}/images/пузыри.jpg' + +image = read_image(fname_bubbles) + +# few-shot +example_boxes = torch.Tensor([ + [400., 270., 450., 318.], + [620., 440., 655., 471.], + [373., 475., 409., 516.] + ]) +example_features = dump_clip_image_features(image, example_boxes).cuda() + +from models import ROIHeadMLP as ROIHead +cls_head = ROIHead().cuda().eval() +cls_head.load_state_dict(torch.load(f'{project_root}/data/fsc147/checkpoints/MLP_small_box_w1_fewshot.tar', map_location='cpu')['cls_head']) + +plot_results(read_image(fname_bubbles), + bboxes=example_boxes, + ) + +import torchvision.transforms as transforms +transform = transforms.Compose([ + transforms.ToTensor(), + transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]), +]) +with torch.no_grad(): + new_image = transform(image).unsqueeze(0).cuda() + features = sam.image_encoder(new_image) + +from models import PointDecoder +point_decoder = PointDecoder(sam).cuda().eval() +state_dict = torch.load(f'{project_root}/data/fsc147/checkpoints/point_decoder_vith.pth', + map_location='cpu', weights_only=True) +point_decoder.load_state_dict(state_dict) +with torch.no_grad(): + point_decoder.max_points = 1000 + point_decoder.point_threshold = 0.05 + point_decoder.nms_kernel_size = 3 + outputs_heatmaps = point_decoder(features) + pred_heatmaps = outputs_heatmaps['pred_heatmaps'].cpu().squeeze().clamp(0, 1) + +plt.figure(figsize=(10, 10)) +plt.imshow(image) +pred_points = outputs_heatmaps['pred_points'].squeeze().reshape(-1, 2) +pred_points_score = outputs_heatmaps['pred_points_score'].squeeze() +print(pred_points.size()) +plt.scatter(pred_points[:, 0].cpu(), pred_points[:, 1].cpu(), s=20, marker='.', c='lime') +plt.axis('off') + +print(sam.image_encoder.pos_embed.shape) + +import cv2 +import time +import torch +import numpy as np +from PIL import Image +from torchvision import transforms +from models import ROIHeadMLP as ROIHead +from ops.dump_clip_features import dump_clip_image_features +from ops.foundation_models.segment_anything import build_sam_vit_h +from models import PointDecoder +from PIL import Image +import numpy as np +import albumentations as A + +device = torch.device("cuda" if torch.cuda.is_available() else "cpu") +project_root = './PseCo' + +sam = build_sam_vit_h().to(device).eval() +cls_head = ROIHead().to(device).eval() + +state_dict = torch.load(f'{project_root}/data/fsc147/checkpoints/MLP_small_box_w1_fewshot.tar', map_location=device) +cls_head.load_state_dict(state_dict['cls_head'], strict=False) + +point_decoder = PointDecoder(sam).to(device).eval() +state_dict = torch.load(f'{project_root}/data/fsc147/checkpoints/point_decoder_vith.pth', map_location=device) +point_decoder.load_state_dict(state_dict) + +def resize_image(image): + transform = A.Compose([ + A.Resize(1024, 1024), + A.PadIfNeeded(min_height=1024, min_width=1024, border_mode=0, position=A.PadIfNeeded.PositionType.TOP_LEFT) + ]) + return Image.fromarray(transform(image=np.array(image))['image']) + +def process_frame(frame): + img = Image.fromarray(cv2.cvtColor(frame, cv2.COLOR_BGR2RGB)) + img = resize_image(img) + transform = transforms.Compose([ + transforms.ToTensor(), + transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]), + ]) + img_tensor = transform(img).unsqueeze(0).to(device) + + with torch.no_grad(): + features = sam.image_encoder(img_tensor) + outputs_heatmaps = point_decoder(features) + pred_points = outputs_heatmaps['pred_points'].squeeze().reshape(-1, 2).cpu().numpy() + + for (x, y) in pred_points: + cv2.circle(frame, (int(x), int(y)), 3, (0, 255, 0), -1) + + return frame, pred_points + +def compute_optical_flow(prev_frame, curr_frame, prev_points): + if prev_points is None or len(prev_points) == 0: + return np.array([]), np.array([]) + + prev_gray = cv2.cvtColor(prev_frame, cv2.COLOR_BGR2GRAY) + curr_gray = cv2.cvtColor(curr_frame, cv2.COLOR_BGR2GRAY) + + new_points, status, _ = cv2.calcOpticalFlowPyrLK(prev_gray, curr_gray, prev_points.astype(np.float32), None) + valid_points = new_points[status.flatten() == 1] + prev_points = prev_points[status.flatten() == 1] + + return prev_points, valid_points + +def process_video(input_path, output_path): + cap = cv2.VideoCapture(input_path) + fourcc = cv2.VideoWriter_fourcc(*'mp4v') + fps = int(cap.get(cv2.CAP_PROP_FPS)) + width, height = int(cap.get(3)), int(cap.get(4)) + out = cv2.VideoWriter(output_path, fourcc, fps, (width, height)) + + prev_frame, prev_points = None, None + total_vectors = [] + + start_time = time.time() + frame_count = 0 + + while cap.isOpened(): + ret, frame = cap.read() + if not ret: + break + + frame_start_time = time.time() + + processed_frame, points = process_frame(frame) + + if prev_frame is not None: + prev_pts, new_pts = compute_optical_flow(prev_frame, processed_frame, prev_points) + if len(prev_pts) > 0: + movement_vectors = new_pts - prev_pts + total_vectors.extend(movement_vectors) + + prev_frame, prev_points = frame, points + out.write(processed_frame) + + frame_count += 1 + + cap.release() + out.release() + + end_time = time.time() + total_time = end_time - start_time + avg_vector = np.mean(total_vectors, axis=0) if total_vectors else [0, 0] + + fps_actual = frame_count / total_time + + print(f"Время работы: {total_time:.2f} секунд") + print(f"Средний вектор перемещения: {avg_vector}") + print(f"Средний FPS: {fps_actual:.2f}") + +input_video = "/content/видео.mp4" +output_video = "output.mp4" +process_video(input_video, output_video) \ No newline at end of file diff --git a/src/FlotationAnalytics/research/sort.py b/src/FlotationAnalytics/research/sort.py new file mode 100644 index 0000000..362559c --- /dev/null +++ b/src/FlotationAnalytics/research/sort.py @@ -0,0 +1,717 @@ +### Загружаем YOLO +!pip install opencv-python-headless torch torchvision torchaudio +!git clone https://github.com/ultralytics/yolov5 +!wget https://github.com/ultralytics/yolov5/releases/download/v6.2/yolov5s.pt + +### По сегментации делаем разметку +import cv2 +import os +import numpy as np + +# Извлечение bbox из маски +def extract_bounding_boxes(mask): + contours, _ = cv2.findContours(mask, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE) + boxes = [] + for cnt in contours: + x, y, w, h = cv2.boundingRect(cnt) + boxes.append([x, y, x+w, y+h]) + return boxes + +# Конвертация bbox в YOLO формат +def convert_bbox_to_yolo(box, image_width, image_height): + x1, y1, x2, y2 = box + x_center = (x1 + x2) / 2 / image_width + y_center = (y1 + y2) / 2 / image_height + width = (x2 - x1) / image_width + height = (y2 - y1) / image_height + return x_center, y_center, width, height + +def process_images_to_yolo_labels(image_folder, mask_folder, output_folder, class_id=0): + os.makedirs(output_folder, exist_ok=True) + + for image_name in os.listdir(image_folder): + if not image_name.lower().endswith('.jpg'): + continue + + base_name = os.path.splitext(image_name)[0] + image_path = os.path.join(image_folder, image_name) + mask_path = os.path.join(mask_folder, f"{base_name}.png") + txt_path = os.path.join(output_folder, f"{base_name}.txt") + + if not os.path.exists(mask_path): + print(f"Маска для {image_name} не найдена. Пропуск...") + continue + + image = cv2.imread(image_path) + mask = cv2.imread(mask_path, cv2.IMREAD_GRAYSCALE) + + if image is None: + print(f"Ошибка при загрузке изображения: {image_path}") + continue + if mask is None: + print(f"Ошибка при загрузке маски: {mask_path}") + continue + + boxes = extract_bounding_boxes(mask) + if not boxes: + print(f"Не найдено объектов на изображении {image_name}") + continue + + height, width = image.shape[:2] + with open(txt_path, 'w') as f: + for box in boxes: + yolo_coords = convert_bbox_to_yolo(box, width, height) + f.write(f"{class_id} {' '.join(f'{x:.6f}' for x in yolo_coords)}\n") + + print(f"Разметка для {image_name} сохранена в {txt_path}") + +if __name__ == "__main__": + image_folder = '/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/data/val/images' + mask_folder = '/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/data/val/masks' + output_folder = '/content/drive/MyDrive/Проекты/Отслеживание в реальном времени/Sort + other methods time/labels' + + process_images_to_yolo_labels(image_folder, mask_folder, output_folder) + + +### Обучаем YOLO + +data_yaml = """ +train: /content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/data/train/images +val: /content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/data/val/images + +nc: 1 +names: ['bubble'] +""" + +data_path = '/content/data.yaml' + +with open(data_path, 'w') as f: + f.write(data_yaml) + +import os +import subprocess + +data_yaml = "data.yaml" +model_weights = "yolov5s.pt" +epochs = 50 +batch_size = 10 +conf_thres = 0.1 +max_det = 1000 + +command = f"python ./yolov5/train.py --data {data_yaml} --cfg yolov5s.yaml --weights {model_weights} --epochs {epochs} --batch-size {batch_size} --hyp hyp.scratch.yaml --img 640 --device 0 --conf-thres {conf_thres} --max-det {max_det}" +subprocess.run(command, shell=True) + +import time +import os + +start_time = time.time() + +!yolo train data=data.yaml model=yolov5s.pt epochs=50 batch=10 conf=0.1 max_det=1000 + +end_time = time.time() +print(f"Время тренировки: {end_time - start_time:.2f} секунд") + +### Детекция с помощью YOLO + +import time +import cv2 +import os +from ultralytics import YOLO + +model = YOLO('/content/runs/detect/train/weights/best.pt') + +video_path = '/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/input_yolov5.mp4' +detections_folder = '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/Видео/детекции_пузыри_3/' +os.makedirs(detections_folder, exist_ok=True) + +cap = cv2.VideoCapture(video_path) +if not cap.isOpened(): + print("Ошибка при открытии видео") + exit() + +frame_width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)) +frame_height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) +fps = cap.get(cv2.CAP_PROP_FPS) +output_path = '/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/out_yolov5.mp4' +fourcc = cv2.VideoWriter_fourcc(*'mp4v') +out = cv2.VideoWriter(output_path, fourcc, fps, (frame_width, frame_height)) + +# Обработка кадров +frame_number = 0 +total_time = 0 +frame_count = 0 +while True: + ret, frame = cap.read() + if not ret: + break + + start_time = time.time() + + # Применяем детекцию объектов на текущем кадре + results = model(frame, max_det=1000) + + end_time = time.time() + + inference_time = end_time - start_time + total_time += inference_time + frame_count += 1 + + print(f"Кадр {frame_number}: время инференса = {inference_time:.4f} сек") + + # Получаем аннотации для текущего кадра (формат: x1, y1, x2, y2, conf, class) + annotations = results[0].boxes.data.cpu().numpy() + + # Проверка на наличие детекций + if annotations.size > 0: + # Создаем текстовый файл для текущего кадра, если есть детекции + detections_path = os.path.join(detections_folder, f"frame_{frame_number:05d}.txt") + with open(detections_path, "w") as f: + for box in annotations: + x1, y1, x2, y2, conf, class_id = box + width = x2 - x1 + height = y2 - y1 + f.write(f"{int(class_id)},{x1},{y1},{width},{height},{conf}\n") + cv2.rectangle(frame, (int(x1), int(y1)), (int(x2), int(y2)), (0, 255, 0), 2) + + out.write(frame) + frame_number += 1 + +cap.release() +out.release() + +# Выводим среднее время инференса +print(f"\nОбщее время: {total_time:.4f} сек") +if frame_count > 0: + avg_time = total_time / frame_count + print(f"\nСреднее время инференса: {avg_time:.4f} сек/кадр\n") + print(f"FPS инференса: {1 / avg_time:.2f} кадров/сек\n") +else: + print("Не удалось обработать ни одного кадра.") +print(f"Детекции для каждого кадра сохранены в {detections_folder}") + +### Устанавливаем все необходимое, чтобы открыть расширение .mkv + +!apt-get update +!apt-get install -y ffmpeg + +!ffmpeg -i "/content/42.ФМ ь 23-001.mkv" + +# !ffmpeg -i "/content/42.ФМ ь 23-001.mkv" -ss 00:00:00 -to 00:00:08 -c copy "/content/new_video1.mkv" #обрезка видео + +!ffmpeg -i "/content/42.ФМ ь 23-001.mkv" -ss 00:00:00 -to 00:00:08 -c:v libx264 -preset fast -crf 23 -c:a aac -b:a 128k "/content/video_cut1.mp4" + +### Установка SORT + +!git clone https://github.com/abewley/sort.git + +!pip install filterpy==1.4.5 +!pip install scikit-image==0.18.1 + +### Установка lap + +!python -m pip install --upgrade pip + +!pip install --upgrade lap + +!git clone https://github.com/gatagat/lap.git + +import lap + +### Делим видео на кадры + +import cv2 +import os + +def split_video_into_frames(video_path, frames_folder): + os.makedirs(frames_folder, exist_ok=True) + cap = cv2.VideoCapture(video_path) + frame_number = 0 + + while cap.isOpened(): + ret, frame = cap.read() + if not ret: + break + frame_path = os.path.join(frames_folder, f"frame_{frame_number:05d}.jpg") + cv2.imwrite(frame_path, frame) + frame_number += 1 + + cap.release() + print(f"Видео разделено на {frame_number} кадров и сохранено в папке {frames_folder}") + +split_video_into_frames('/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/out_yolov5.mp4', '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/Видео/frame_detection') + +!pip install filterpy + +!python /content/sort.py + +### Наносим трекинг на изначальную видеозапись +import os +import cv2 +number_of_frames = 100 +def visualize_tracking(video_path, tracked_data_folder, output_video_path): + cap = cv2.VideoCapture(video_path) + width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)) + height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) + fourcc = cv2.VideoWriter_fourcc(*'mp4v') + out = cv2.VideoWriter(output_video_path, fourcc, 30.0, (width, height)) + + for frame_number in range(number_of_frames): + ret, frame = cap.read() + if not ret: + break + + tracked_path = os.path.join(tracked_data_folder, f"tracked_{frame_number:05d}.txt") + if os.path.exists(tracked_path): + with open(tracked_path, "r") as f: + for line in f: + x1, y1, x2, y2, obj_id = map(float, line.strip().split(",")) + cv2.rectangle(frame, (int(x1), int(y1)), (int(x2), int(y2)), (0, 255, 0), 2) + cv2.putText(frame, f"ID: {int(obj_id)}", (int(x1), int(y1) - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 255, 0), 2) + + out.write(frame) + + cap.release() + out.release() + +visualize_tracking('/content/drive/MyDrive/Проекты/Мультитрекинг однородных объектов/YOLOv5-QCB+SORT/input_yolov5.mp4','/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/finish','/content/last_video_cut1.mp4') + +# заменить код sort.py +""" + SORT: A Simple, Online and Realtime Tracker + Copyright (C) 2016-2020 Alex Bewley alex@bewley.ai + + This program is free software: you can redistribute it and/or modify + it under the terms of the GNU General Public License as published by + the Free Software Foundation, either version 3 of the License, or + (at your option) any later version. + + This program is distributed in the hope that it will be useful, + but WITHOUT ANY WARRANTY; without even the implied warranty of + MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the + GNU General Public License for more details. + + You should have received a copy of the GNU General Public License + along with this program. If not, see . +""" +from __future__ import print_function + +import os +import numpy as np +import matplotlib +matplotlib.use('TkAgg') +import matplotlib.pyplot as plt +import matplotlib.patches as patches +from skimage import io + +import glob +import time +import argparse +from filterpy.kalman import KalmanFilter +import cv2 + +np.random.seed(0) + +def temporal_consistency(bubble_centers): + consistency_scores = [] + for t in range(len(bubble_centers) - 1): + frame1 = bubble_centers[t] + frame2 = bubble_centers[t + 1] + + if len(frame1) == len(frame2): + distances = [np.linalg.norm(np.array(p1) - np.array(p2)) for p1, p2 in zip(frame1, frame2)] + consistency_scores.append(np.mean(distances)) + else: + continue + + if consistency_scores: + return np.mean(consistency_scores) + else: + print("No valid consistency scores calculated. Returning 0.") + return 0 + +def optical_flow_similarity(prev_frame, next_frame, prev_centers, next_centers): + prev_gray = cv2.cvtColor(prev_frame, cv2.COLOR_BGR2GRAY) + next_gray = cv2.cvtColor(next_frame, cv2.COLOR_BGR2GRAY) + + flow = cv2.calcOpticalFlowFarneback(prev_gray, next_gray, None, 0.5, 3, 15, 3, 5, 1.2, 0) + + similarities = [] + for (x1, y1), (x2, y2) in zip(prev_centers, next_centers): + try: + dx, dy = flow[int(y1), int(x1)] + motion_vector = np.array([x2 - x1, y2 - y1]) + flow_vector = np.array([dx, dy]) + + if np.linalg.norm(motion_vector) > 0 and np.linalg.norm(flow_vector) > 0: + cos_sim = np.dot(motion_vector, flow_vector) / (np.linalg.norm(motion_vector) * np.linalg.norm(flow_vector)) + similarities.append(cos_sim) + except Exception as e: + print(f"Error calculating optical flow for centers ({x1}, {y1}) and ({x2}, {y2}): {e}") + continue + + return np.mean(similarities) if similarities else None + +def object_recall_watershed(frame): + gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + _, thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU) + kernel = np.ones((3, 3), np.uint8) + opening = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, kernel, iterations=2) + sure_bg = cv2.dilate(opening, kernel, iterations=3) + dist_transform = cv2.distanceTransform(opening, cv2.DIST_L2, 5) + _, sure_fg = cv2.threshold(dist_transform, 0.7 * dist_transform.max(), 255, 0) + sure_fg = np.uint8(sure_fg) + unknown = cv2.subtract(sure_bg, sure_fg) + _, markers = cv2.connectedComponents(sure_fg) + markers = markers + 1 + markers[unknown == 255] = 0 + frame_colored = cv2.cvtColor(gray, cv2.COLOR_GRAY2BGR) + cv2.watershed(frame_colored, markers) + frame_colored[markers == -1] = [0, 0, 255] + return np.max(markers) - 1 + + +def linear_assignment(cost_matrix): + try: + import lap + _, x, y = lap.lapjv(cost_matrix, extend_cost=True) + return np.array([[y[i],i] for i in x if i >= 0]) # + except ImportError: + from scipy.optimize import linear_sum_assignment + x, y = linear_sum_assignment(cost_matrix) + return np.array(list(zip(x, y))) + + +def iou_batch(bb_test, bb_gt): + """ + From SORT: Computes IOU between two bboxes in the form [x1,y1,x2,y2] + """ + bb_gt = np.expand_dims(bb_gt, 0) + bb_test = np.expand_dims(bb_test, 1) + + xx1 = np.maximum(bb_test[..., 0], bb_gt[..., 0]) + yy1 = np.maximum(bb_test[..., 1], bb_gt[..., 1]) + xx2 = np.minimum(bb_test[..., 2], bb_gt[..., 2]) + yy2 = np.minimum(bb_test[..., 3], bb_gt[..., 3]) + w = np.maximum(0., xx2 - xx1) + h = np.maximum(0., yy2 - yy1) + wh = w * h + o = wh / ((bb_test[..., 2] - bb_test[..., 0]) * (bb_test[..., 3] - bb_test[..., 1]) + + (bb_gt[..., 2] - bb_gt[..., 0]) * (bb_gt[..., 3] - bb_gt[..., 1]) - wh) + return(o) + + +def convert_bbox_to_z(bbox): + """ + 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] + + if w <= 0 or h <= 0: + print(f"Invalid bounding box: {bbox}") + return np.array([0, 0, 0, 0]).reshape((4, 1)) + + x = bbox[0] + w / 2. + y = bbox[1] + h / 2. + s = w * h + r = w / float(h) + return np.array([x, y, s, r]).reshape((4, 1)) + +def convert_x_to_bbox(x,score=None): + """ + 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==None): + return np.array([x[0]-w/2.,x[1]-h/2.,x[0]+w/2.,x[1]+h/2.]).reshape((1,4)) + else: + return np.array([x[0]-w/2.,x[1]-h/2.,x[0]+w/2.,x[1]+h/2.,score]).reshape((1,5)) + + +class KalmanBoxTracker(object): + """ + This class represents the internal state of individual tracked objects observed as bbox. + """ + count = 0 + def __init__(self,bbox): + """ + Initialises a tracker using initial bounding box. + """ + #define constant velocity model + self.kf = KalmanFilter(dim_x=7, dim_z=4) + 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]]) + 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]]) + + self.kf.R[2:,2:] *= 10. + self.kf.P[4:,4:] *= 1000. #give high uncertainty to the unobservable initial velocities + self.kf.P *= 10. + self.kf.Q[-1,-1] *= 0.01 + self.kf.Q[4:,4:] *= 0.01 + + self.kf.x[:4] = convert_bbox_to_z(bbox) + self.time_since_update = 0 + self.id = KalmanBoxTracker.count + KalmanBoxTracker.count += 1 + self.history = [] + self.hits = 0 + self.hit_streak = 0 + self.age = 0 + + def update(self,bbox): + """ + Updates the state vector with observed bbox. + """ + self.time_since_update = 0 + self.history = [] + self.hits += 1 + self.hit_streak += 1 + self.kf.update(convert_bbox_to_z(bbox)) + + def predict(self): + """ + Advances the state vector and returns the predicted bounding box estimate. + """ + if((self.kf.x[6]+self.kf.x[2])<=0): + self.kf.x[6] *= 0.0 + self.kf.predict() + self.age += 1 + if(self.time_since_update>0): + self.hit_streak = 0 + self.time_since_update += 1 + self.history.append(convert_x_to_bbox(self.kf.x)) + return self.history[-1] + + def get_state(self): + """ + Returns the current bounding box estimate. + """ + return convert_x_to_bbox(self.kf.x) + + +def associate_detections_to_trackers(detections,trackers,iou_threshold = 0.3): + """ + Assigns detections to tracked object (both represented as bounding boxes) + + Returns 3 lists of matches, unmatched_detections and unmatched_trackers + """ + if(len(trackers)==0): + return np.empty((0,2),dtype=int), np.arange(len(detections)), np.empty((0,5),dtype=int) + + iou_matrix = iou_batch(detections, trackers) + + if min(iou_matrix.shape) > 0: + a = (iou_matrix > iou_threshold).astype(np.int32) + if a.sum(1).max() == 1 and a.sum(0).max() == 1: + matched_indices = np.stack(np.where(a), axis=1) + else: + matched_indices = linear_assignment(-iou_matrix) + else: + matched_indices = np.empty(shape=(0,2)) + + unmatched_detections = [] + for d, det in enumerate(detections): + if(d not in matched_indices[:,0]): + unmatched_detections.append(d) + 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 + matches = [] + for m in matched_indices: + if(iou_matrix[m[0], m[1]]= self.min_hits or self.frame_count <= self.min_hits): + 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 > self.max_age): + self.trackers.pop(i) + if(len(ret)>0): + return np.concatenate(ret) + return np.empty((0,5)) + +def parse_args(): + """Parse input arguments.""" + parser = argparse.ArgumentParser(description='SORT demo') + parser.add_argument('--display', dest='display', help='Display online tracker output (slow) [False]',action='store_true') + parser.add_argument("--seq_path", help="Path to detections.", type=str, default='data') + parser.add_argument("--phase", help="Subdirectory in seq_path.", type=str, default='train') + parser.add_argument("--max_age", + help="Maximum number of frames to keep alive a track without associated detections.", + type=int, default=1) + parser.add_argument("--min_hits", + help="Minimum number of associated detections before track is initialised.", + type=int, default=3) + parser.add_argument("--iou_threshold", help="Minimum IOU for match.", type=float, default=0.3) + args = parser.parse_args() + return args + +def analyze_tracking(pred_tracks): + total_objects = 0 + total_tracks = 0 + track_durations = [] + prev_frame_objects = set() + new_objects = 0 + lost_objects = 0 + + for frame_index in sorted(pred_tracks.keys()): + frame = pred_tracks[frame_index] + current_frame_objects = set(frame) + total_objects += len(frame) + + # Считаем количество новых объектов (FP) и потерянных объектов (FN) + new_objects += len(current_frame_objects - prev_frame_objects) + lost_objects += len(prev_frame_objects - current_frame_objects) + + # Считаем продолжительность треков (каждый трек - это объект, который появляется на нескольких кадрах) + for obj in frame: + track_durations.append(frame_index + 1) # Длительность - это номер кадра, на котором появился объект + + prev_frame_objects = current_frame_objects + total_tracks += len(frame) + + # Среднее количество объектов на кадр + avg_objects_per_frame = total_objects / len(pred_tracks) if len(pred_tracks) > 0 else 0 + # Средняя продолжительность треков + avg_track_duration = np.mean(track_durations) if len(track_durations) > 0 else 0 + # Частота появления новых объектов (FP) и исчезновения объектов (FN) + new_object_frequency = new_objects / len(pred_tracks) if len(pred_tracks) > 0 else 0 + lost_object_frequency = lost_objects / len(pred_tracks) if len(pred_tracks) > 0 else 0 + + return { + "avg_objects_per_frame": avg_objects_per_frame, + "avg_track_duration": avg_track_duration, + "new_object_frequency": new_object_frequency, + "lost_object_frequency": lost_object_frequency + } + +if __name__ == "__main__": + frames_folder = '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/Видео/frame_detection' + detections_folder = '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/Видео/детекции_пузыри_3/' + output_folder = '/content/drive/MyDrive/Проекты/Отслеживание_в_реальном_времени/Sort+other_methods_time/finish/' + os.makedirs(output_folder, exist_ok=True) + + tracker = Sort() + frame_files = sorted([f for f in os.listdir(frames_folder) if f.endswith(".jpg")]) + + bubble_centers = {} + + for frame_number, frame_file in enumerate(frame_files): + detections_path = os.path.join(detections_folder, f"frame_{frame_number:05d}.txt") + detections = [] + + with open(detections_path, "r") as f: + for line in f: + det = list(map(float, line.strip().split(","))) + x1, y1, width, height, conf = det[1:] + x2, y2 = x1 + width, y1 + height + detections.append([x1, y1, x2, y2, conf]) + + detections = np.array(detections) if detections else np.empty((0, 5)) + tracked_objects = tracker.update(detections) + + bubble_centers[frame_number] = [] + if len(tracked_objects) > 0: + for obj in tracked_objects: + x1, y1, x2, y2, obj_id = obj + center_x = (x1 + x2) / 2 + center_y = (y1 + y2) / 2 + bubble_centers[frame_number].append((center_x, center_y)) + with open(os.path.join(output_folder, f"tracked_{frame_number:05d}.txt"), "w") as f: + for obj in tracked_objects: + f.write(",".join(map(str, obj)) + "\n") + + current_frame = cv2.imread(os.path.join(frames_folder, frame_file)) + + if current_frame is None: + print(f"Error: Could not load frame {frame_number}") + continue + + watershed_bubble_count = object_recall_watershed(current_frame) + + # Анализ темпоральной согласованности и оптического потока + if frame_number > 0: + prev_frame = cv2.imread(os.path.join(frames_folder, frame_files[frame_number - 1])) + + if prev_frame is None: + print(f"Error: Could not load previous frame {frame_files[frame_number - 1]}") + continue + + temporal_score = temporal_consistency(bubble_centers) + flow_score = optical_flow_similarity(prev_frame, current_frame, + bubble_centers[frame_number - 1], + bubble_centers[frame_number]) + + print(f"Frame {frame_number}: Temporal Consistency = {temporal_score}, " + f"Optical Flow Similarity = {flow_score}, " + f"Watershed Bubble Count = {watershed_bubble_count}") + + analysis = analyze_tracking(bubble_centers) + + print(f"Среднее количество объектов на кадр: {analysis['avg_objects_per_frame']:.2f}") + print(f"Средняя продолжительность треков: {analysis['avg_track_duration']:.2f} кадров") + print(f"Частота появления новых объектов (FP): {analysis['new_object_frequency']:.2f}") + print(f"Частота исчезновения объектов (FN): {analysis['lost_object_frequency']:.2f}") \ No newline at end of file diff --git a/src/FlotationAnalytics/tests/test_metrics.py b/src/FlotationAnalytics/tests/test_metrics.py new file mode 100644 index 0000000..4c988b9 --- /dev/null +++ b/src/FlotationAnalytics/tests/test_metrics.py @@ -0,0 +1,252 @@ +import pytest +import numpy as np +from app.main import TrackingQualityAnalyzer +from app.main import DeepSortTracker +from app.main import VideoTracker + +@pytest.fixture +def analyzer(): + return TrackingQualityAnalyzer() + +def test_initial_state(analyzer): + assert len(analyzer.metrics['frame']) == 0 + assert analyzer.prev_tracks == {} + assert analyzer.prev_frame is None + +def test_calculate_iou(): + analyzer = TrackingQualityAnalyzer() + box1 = [0, 0, 10, 10] + box2 = [0, 0, 10, 10] + assert analyzer.calculate_iou(box1, box2) == 1.0 + + box3 = [5, 5, 10, 10] + assert analyzer.calculate_iou(box1, box3) == 0.14285714285714285 + + box4 = [20, 20, 30, 30] + assert analyzer.calculate_iou(box1, box4) == 0.0 + +def test_update_metrics_simple(analyzer): + frame1 = np.zeros((100, 100, 3), dtype=np.uint8) + frame2 = np.zeros((100, 100, 3), dtype=np.uint8) + + current_tracks = [ + [1, 10, 10, 20, 20], # track_id, x, y, w, h + [2, 30, 30, 10, 10] + ] + analyzer.update_metrics(1, current_tracks, frame1) + + assert len(analyzer.metrics['displacement']) == 0 + assert len(analyzer.metrics['active_tracks']) == 0 + assert len(analyzer.metrics['track_lengths']) == 2 + + current_tracks = [ + [1, 12, 12, 20, 20], + [2, 31, 31, 10, 10] + ] + analyzer.update_metrics(2, current_tracks, frame2) + + assert len(analyzer.metrics['displacement']) == 1 + assert analyzer.metrics['active_tracks'] == [2] + assert analyzer.metrics['track_lengths'] == {1: 2, 2: 2} + assert analyzer.metrics['coverage'][0] == 1.0 + assert analyzer.metrics['temporal_consistency'][0] > 0 + +def test_tracking_score_calculation(analyzer): + analyzer.metrics = { + 'displacement': [5.0, 6.0, 4.5], + 'coverage': [0.9, 0.8, 0.85], + 'temporal_consistency': [0.7, 0.75, 0.8], + 'optical_flow': [2.0, 2.5, 3.0], + 'track_lengths': {1: 10, 2: 15, 3: 8}, + 'active_tracks': [2, 3, 2], + 'frame': [1, 2, 3] + } + + normalized_score = analyzer.get_tracking_score() + assert 0 <= normalized_score <= 2.0 + + raw_score = analyzer.get_tracking_score(normalize=False) + assert isinstance(raw_score, float) + + custom_weights = { + 'avg_displacement': -0.3, + 'avg_coverage': 0.4, + 'avg_temporal_consistency': 0.3, + 'avg_optical_flow': -0.2, + 'track_length_mean': 0.15, + 'max_active_tracks': 0.05 + } + custom_score = analyzer.get_tracking_score(weights=custom_weights) + assert 0 <= custom_score <= 2.0 + assert not np.isclose(custom_score, normalized_score) + +def test_empty_metrics(analyzer): + assert analyzer.get_final_metrics() == {} + assert analyzer.get_tracking_score() == 0.0 + +def test_plot_generation(analyzer): + for i in range(5): + analyzer.metrics['frame'].append(i) + analyzer.metrics['displacement'].append(i * 0.5) + analyzer.metrics['coverage'].append(min(0.9, i * 0.2)) + analyzer.metrics['temporal_consistency'].append(min(0.8, i * 0.15)) + analyzer.metrics['optical_flow'].append(i * 0.3) + analyzer.metrics['active_tracks'].append(i + 1) + analyzer.metrics['track_lengths'][i] = i + 5 + + fig = analyzer.generate_metrics_plots() + assert fig is not None + assert len(fig.get_axes()) == 6 + +def test_optical_flow_calculation(analyzer): + frame1 = np.zeros((100, 100, 3), dtype=np.uint8) + frame2 = np.zeros((100, 100, 3), dtype=np.uint8) + frame3 = np.zeros((100, 100, 3), dtype=np.uint8) + + frame2[50:70, 50:70] = 255 + + analyzer.update_metrics(1, [[1, 45, 45, 30, 30]], frame1) + assert len(analyzer.metrics['optical_flow']) == 0 + + analyzer.update_metrics(2, [[1, 50, 50, 30, 30]], frame2) + assert len(analyzer.metrics['optical_flow']) == 1 + assert analyzer.metrics['optical_flow'][0] > 0 + + analyzer.update_metrics(3, [[1, 55, 55, 30, 30]], frame3) + assert len(analyzer.metrics['optical_flow']) == 2 + assert analyzer.metrics['optical_flow'][1] >= 0 + +def test_deepsort_tracker_initialization(): + tracker = DeepSortTracker(img_size=(640, 480)) + assert tracker.img_size == (640, 480) + assert tracker.nms_max_overlap == 0.6 + assert tracker.iou_threshold == 0.3 + assert tracker.tracker is not None + + tracker = DeepSortTracker( + img_size=(1280, 720), + nms_max_overlap=0.5, + max_cosine_distance=0.4, + max_age=50, + min_hits=5, + iou_threshold=0.2 + ) + assert tracker.img_size == (1280, 720) + assert tracker.nms_max_overlap == 0.5 + assert tracker.iou_threshold == 0.2 + +def test_prepare_detections(): + tracker = DeepSortTracker(img_size=(640, 480)) + detections = np.array([ + [10, 10, 50, 50, 0.9, 0], # x1, y1, x2, y2, conf, class + [20, 20, 60, 60, 0.8, 1] + ]) + + prepared = tracker.prepare_detections(detections) + assert len(prepared) == 2 + assert prepared[0].tlwh.tolist() == [10, 10, 40, 40] # x, y, w, h + assert prepared[0].confidence == 0.9 + assert prepared[1].tlwh.tolist() == [20, 20, 40, 40] + assert prepared[1].confidence == 0.8 + + empty_detections = np.empty((0, 6)) + prepared = tracker.prepare_detections(empty_detections) + assert len(prepared) == 0 + +def test_update_with_empty_detections(): + tracker = DeepSortTracker(img_size=(640, 480)) + results = tracker.update([]) + assert len(results) == 0 + + +def test_update_with_multiple_detections(): + tracker = DeepSortTracker(img_size=(640, 480)) + detections = np.array([ + [10, 10, 50, 50, 0.9, 0], + [20, 20, 60, 60, 0.8, 1], + [30, 30, 70, 70, 0.7, 2] + ]) + results = tracker.update(detections) + assert len(results) <= len(detections) + for result in results: + assert len(result) == 5 + +@pytest.fixture +def tracker(): + return VideoTracker("model/FSC147.pth", "some_tracker_type") + +def test_empty_input(tracker): + points = np.array([]) + scores = np.array([]) + result = tracker.non_max_suppression(points, scores) + assert len(result) == 0 + +def test_single_point(tracker): + points = np.array([[10, 20]]) + scores = np.array([0.9]) + result = tracker.non_max_suppression(points, scores) + assert np.array_equal(result, points) + +def test_no_suppression_needed(tracker): + points = np.array([[10, 20], [50, 60], [100, 120]]) + scores = np.array([0.9, 0.8, 0.7]) + result = tracker.non_max_suppression(points, scores) + assert np.array_equal(result, points) + +def test_basic_suppression(tracker): + points = np.array([ + [10, 10], + [12, 12], + [50, 50], + [52, 52] + ]) + scores = np.array([0.9, 0.8, 0.7, 0.6]) + expected = np.array([[10, 10], [50, 50]]) + result = tracker.non_max_suppression(points, scores, radius=5) + assert np.array_equal(result, expected) + +def test_custom_radius(tracker): + points = np.array([ + [10, 10], + [15, 15], + [30, 30] + ]) + scores = np.array([0.9, 0.8, 0.7]) + result_small_radius = tracker.non_max_suppression(points, scores, radius=2) + assert len(result_small_radius) == 3 + + result_large_radius = tracker.non_max_suppression(points, scores, radius=10) + assert len(result_large_radius) == 2 + assert np.array_equal(result_large_radius, np.array([[10, 10], [30, 30]])) + +def test_scores_ordering(tracker): + points = np.array([ + [10, 10], + [11, 11], + [50, 50] + ]) + scores = np.array([0.8, 0.9, 0.7]) + result = tracker.non_max_suppression(points, scores, radius=5) + assert np.array_equal(result, np.array([[11, 11], [50, 50]])) + +def test_edge_case_radius_zero(tracker): + points = np.array([ + [10, 10], + [10, 10], + [20, 20] + ]) + scores = np.array([0.9, 0.8, 0.7]) + result = tracker.non_max_suppression(points, scores, radius=0) + assert len(result) == 3 + +def test_multiple_close_points(tracker): + points = np.array([ + [10, 10], + [11, 11], + [12, 12], + [50, 50], + [51, 51] + ]) + scores = np.array([0.9, 0.8, 0.7, 0.6, 0.5]) + result = tracker.non_max_suppression(points, scores, radius=5) + assert np.array_equal(result, np.array([[10, 10], [50, 50]])) \ No newline at end of file diff --git a/src/FlotationAnalytics/video/video1.mp4 b/src/FlotationAnalytics/video/video1.mp4 new file mode 100644 index 0000000..0c6dcad Binary files /dev/null and b/src/FlotationAnalytics/video/video1.mp4 differ diff --git a/src/FlotationAnalytics/video/video2.mp4 b/src/FlotationAnalytics/video/video2.mp4 new file mode 100644 index 0000000..09ff9c4 Binary files /dev/null and b/src/FlotationAnalytics/video/video2.mp4 differ diff --git a/src/FlotationAnalytics/video/video3.mov b/src/FlotationAnalytics/video/video3.mov new file mode 100644 index 0000000..0142f0f Binary files /dev/null and b/src/FlotationAnalytics/video/video3.mov differ