diff --git a/image-classification/create-model.py b/image-classification/create-model.py new file mode 100644 index 0000000000000000000000000000000000000000..2348c37ec0f784a87bb39b4b34a4a8a198808dab --- /dev/null +++ b/image-classification/create-model.py @@ -0,0 +1,77 @@ +# https://www.tensorflow.org/lite/tutorials/model_maker_image_classification + +import sys, getopt, time, pathlib +from tflite_model_maker import model_spec +from tflite_model_maker import image_classifier +from tflite_model_maker.image_classifier import DataLoader +from tflite_model_maker.config import ExportFormat + +def main(argv): + + dir = None + batch_size = 8 + epochs = 50 + + try: + + opts, _ = getopt.getopt(argv, "hd:b:e:", ["help","directory=","batchSize=","epochs="]) + for opt, arg in opts: + print(opt + ":" + arg) + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-b", "--batchSize"): + batch_size = int(arg) + elif opt in ("-e", "--epochs"): + epochs = int(arg) + + if (dir is None): + raise Exception() + + except Exception: + print("Specify a directory that contains your dataset.") + print("create-model.py -d <directory of dataset>") + sys.exit(2) + + start = round(time.time() * 1000) + + # load input data specific to an on-device ML app + data = DataLoader.from_folder(dir + "/") + train_data, rest_data = data.split(0.8) + validation_data, test_data = rest_data.split(0.5) + + # select object recognition model architecture + spec = model_spec.get("mobilenet_v2") + + # customize the TensorFlow model + model = image_classifier.create( + train_data, + model_spec=spec, + batch_size=batch_size, + epochs=epochs, + train_whole_model=True, + validation_data=validation_data + ) + model.summary() + + # evaluate the model + result = model.evaluate(test_data) + print("test loss, test acc:", result) + + # export to Tensorflow Lite model and label file in `export_dir` + path = pathlib.PurePath(dir) + model.export(export_dir="build/" + path.name + "/") + model.export(export_dir="build/" + path.name + "/", export_format=ExportFormat.LABEL) + + # evaluate the tensorflow lite model + result = model.evaluate_tflite("build/" + path.name + "/model.tflite", test_data) + print("test loss, test acc:", result) + + stop = round(time.time() * 1000) + print("process image: {} ms".format(stop - start)) + + +if __name__ == "__main__": + main(sys.argv[1:]) + diff --git a/image-classification/test-camera.py b/image-classification/test-camera.py new file mode 100644 index 0000000000000000000000000000000000000000..294ebc687a015fd27c007e0155f6bae84dbc0c7c --- /dev/null +++ b/image-classification/test-camera.py @@ -0,0 +1,152 @@ +import cv2 +import numpy as np +import sys, getopt, time + +try: + SHOW_IMAGE = True + import tensorflow.lite as tflite +except ImportError: + SHOW_IMAGE = False + import tflite_runtime.interpreter as tflite + + +CAMERA_WIDTH = 320 +CAMERA_HEIGHT = 240 + + +def load_labels(label_path): + r"""Returns a list of labels""" + with open(label_path, "r") as f: + return [line.strip() for line in f.readlines()] + + +def load_model(model_path): + r"""Load TFLite model, returns a Interpreter instance.""" + interpreter = tflite.Interpreter(model_path=model_path, num_threads=4) + interpreter.allocate_tensors() + return interpreter + + +def process_image(interpreter, image, input_index, k=3): + r"""Process an image, Return top K result in a list of 2-Tuple(confidence_score, _id)""" + input_data = np.expand_dims(image, axis=0) # expand to 4-dim + + # Process + interpreter.set_tensor(input_index, input_data) + interpreter.invoke() + + # Get outputs + output_details = interpreter.get_output_details() + output_data = interpreter.get_tensor(output_details[0]["index"]) + output_data = np.squeeze(output_data) + + # Get top K result + top_k = output_data.argsort()[-k:][::-1] # Top_k index + result = [] + for _id in top_k: + score = float(output_data[_id] / 255.0) + result.append((_id, score)) + + return result + + +def display_result(top_result, frame, labels): + r"""Display top K result in top right corner""" + font = cv2.FONT_HERSHEY_SIMPLEX + size = 0.6 + color = (255, 0, 0) # Blue color + thickness = 1 + + # let's resize our image to be 150 pixels wide, but in order to + # prevent our resized image from being skewed/distorted, we must + # first calculate the ratio of the *new* width to the *old* width + r = 640.0 / frame.shape[1] + dim = (640, int(frame.shape[0] * r)) + frame = cv2.resize(frame, dim, interpolation=cv2.INTER_AREA) + + for idx, (_id, score) in enumerate(top_result): + x = 12 + y = 24 * idx + 24 + cv2.putText(frame, "{} - {:0.4f}".format(labels[_id], score), + (x, y), font, size, color, thickness) + + cv2.imshow("Image Classification", frame) + + +def main(argv): + + dir = None + + try: + + opts, _ = getopt.getopt(argv, "hd:", ["help","directory="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + + if (dir is None ): + raise Exception() + + except Exception: + print("Specify a directory in which the model is located.") + print("test-camera.py -d <directory>") + sys.exit(2) + + + model_path = dir + "/model.tflite" + label_path = dir + "/labels.txt" + + cap = cv2.VideoCapture(0) + cap.set(cv2.CAP_PROP_FRAME_WIDTH, CAMERA_WIDTH) + cap.set(cv2.CAP_PROP_FRAME_HEIGHT, CAMERA_HEIGHT) + cap.set(cv2.CAP_PROP_FPS, 15) + + interpreter = load_model(model_path) + labels = load_labels(label_path) + + # Get Width and Height + input_details = interpreter.get_input_details() + input_shape = input_details[0]["shape"] + height = input_shape[1] + width = input_shape[2] + + # Get input index + input_index = input_details[0]["index"] + + # Process Stream + while True: + + ret, frame = cap.read() + + if ret: + + start = round(time.time() * 1000) + image = cv2.resize(frame, (width, height)) + image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB) + stop = round(time.time() * 1000) + + print("-------TIMING--------") + print("resize image: {} ms".format(stop - start)) + + start = round(time.time() * 1000) + top_result = process_image(interpreter, image, input_index) + stop = round(time.time() * 1000) + + print("process image: {} ms".format(stop - start)) + + print("-------RESULTS--------") + for idx, (i, score) in enumerate(top_result): + print("{} - {:0.4f}".format(labels[i], score)) + + if SHOW_IMAGE: + display_result(top_result, frame, labels) + + c = cv2.waitKey(1) + if c == 27: + break + + +if __name__ == "__main__": + main(sys.argv[1:]) \ No newline at end of file diff --git a/image-classification/test-image.py b/image-classification/test-image.py new file mode 100644 index 0000000000000000000000000000000000000000..3899f6898fe283a748f5e4c77b8486b0f71cf8ea --- /dev/null +++ b/image-classification/test-image.py @@ -0,0 +1,141 @@ +import cv2 +import numpy as np +import sys, getopt, time + +try: + SHOW_IMAGE = True + import tensorflow.lite as tflite +except ImportError: + SHOW_IMAGE = False + import tflite_runtime.interpreter as tflite + + +def load_labels(label_path): + r"""Returns a list of labels""" + with open(label_path, "r") as f: + return [line.strip() for line in f.readlines()] + + +def load_model(model_path): + r"""Load TFLite model, returns a Interpreter instance.""" + interpreter = tflite.Interpreter(model_path=model_path) + interpreter.allocate_tensors() + return interpreter + + +def process_image(interpreter, image, input_index, k=3): + r"""Process an image, Return top K result in a list of 2-Tuple(confidence_score, label)""" + input_data = np.expand_dims(image, axis=0) # expand to 4-dim + + # Process + interpreter.set_tensor(input_index, input_data) + interpreter.invoke() + + # Get outputs + output_details = interpreter.get_output_details() + output_data = interpreter.get_tensor(output_details[0]["index"]) + output_data = np.squeeze(output_data) + + # Get top K result + top_k = output_data.argsort()[-k:][::-1] # Top_k index + result = [] + for i in top_k: + score = float(output_data[i] / 255.0) + result.append((i, score)) + + return result + + +def display_result(top_result, frame, labels): + r"""Display top K result in top right corner""" + font = cv2.FONT_HERSHEY_SIMPLEX + size = 0.6 + color = (255, 0, 0) # Blue color + thickness = 1 + + # let's resize our image to be 150 pixels wide, but in order to + # prevent our resized image from being skewed/distorted, we must + # first calculate the ratio of the *new* width to the *old* width + r = 640.0 / frame.shape[1] + dim = (640, int(frame.shape[0] * r)) + frame = cv2.resize(frame, dim, interpolation=cv2.INTER_AREA) + + for idx, (i, score) in enumerate(top_result): + # print("{} - {:0.4f}".format(label, score)) + x = 12 + y = 24 * idx + 24 + cv2.putText(frame, "{} - {:0.4f}".format(labels[i], score), + (x, y), font, size, color, thickness) + + cv2.imshow("Image Classification", frame) + + while(cv2.waitKey(1) != 27): + time.sleep(1) + + cv2.destroyAllWindows() + + +def main(argv): + + dir = None + test_image = None + + try: + + opts, _ = getopt.getopt(argv, "hd:i:", ["help","directory=","image="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-i", "--image"): + test_image = str(arg) + + if (dir is None or test_image is None): + raise Exception() + + except Exception: + print("Specify a directory in which the model is located") + print("and an image to be tested.") + print("test-image.py -d <directory> -i <image>") + sys.exit(2) + + model_path = dir + "/model.tflite" + label_path = dir + "/labels.txt" + + interpreter = load_model(model_path) + labels = load_labels(label_path) + + # Get Width and Height + input_details = interpreter.get_input_details() + input_shape = input_details[0]["shape"] + height = input_shape[1] + width = input_shape[2] + + # Resize image + start = round(time.time() * 1000) + frame = cv2.imread(test_image, cv2.IMREAD_COLOR) + image = cv2.resize(frame, (width, height)) + image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB) + stop = round(time.time() * 1000) + + print("-------TIMING--------") + print("resize image: {} ms".format(stop - start)) + + start = round(time.time() * 1000) + input_index = input_details[0]["index"] + top_result = process_image(interpreter, image, input_index) + stop = round(time.time() * 1000) + + print("process image: {} ms".format(stop - start)) + + print("-------RESULTS--------") + for idx, (i, score) in enumerate(top_result): + print("{} - {:0.4f}".format(labels[i], score)) + + if SHOW_IMAGE: + display_result(top_result, frame, labels) + + +if __name__ == "__main__": + main(sys.argv[1:]) \ No newline at end of file diff --git a/object-detection/build/sorting_line/labels.txt b/object-detection/build/sorting_line/labels.txt new file mode 100644 index 0000000000000000000000000000000000000000..78cef641cadaebce86b3e677a1379ee3f751ae44 --- /dev/null +++ b/object-detection/build/sorting_line/labels.txt @@ -0,0 +1,8 @@ +BLANK +BOHO +BOHOEL +BOHOMIPO1 +BOHOMIPO2 +CRACK +MIPO1 +MIPO2 diff --git a/object-detection/build/sorting_line/model.tflite b/object-detection/build/sorting_line/model.tflite new file mode 100644 index 0000000000000000000000000000000000000000..9d79e55115823fc565243c43fae476776df96614 Binary files /dev/null and b/object-detection/build/sorting_line/model.tflite differ diff --git a/object-detection/create-model.py b/object-detection/create-model.py new file mode 100644 index 0000000000000000000000000000000000000000..ac6c8257c164c08eb25939a0b6327d0dd8d55237 --- /dev/null +++ b/object-detection/create-model.py @@ -0,0 +1,75 @@ +# https://www.tensorflow.org/lite/tutorials/model_maker_object_detection +# https://github.com/tzutalin/labelImg + +import sys, getopt, time, pathlib +from tflite_model_maker.config import ExportFormat +from tflite_model_maker.config import QuantizationConfig +from tflite_model_maker import model_spec +from tflite_model_maker import object_detector + +def main(argv): + + dir = None + batch_size = 8 + epochs = 50 + + try: + + opts, _ = getopt.getopt(argv, "hd:b:e:", ["help","directory=","batchSize=","epochs="]) + for opt, arg in opts: + print(opt + ":" + arg) + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-b", "--batchSize"): + batch_size = int(arg) + elif opt in ("-e", "--epochs"): + epochs = int(arg) + + if (dir is None): + raise Exception() + + except Exception: + print("Specify a directory that contains your dataset.") + print("create-model.py -d <directory of dataset>") + sys.exit(2) + + start = round(time.time() * 1000) + + # select object recognition model architecture + spec = model_spec.get("efficientdet_lite0") + spec.config.var_freeze_expr = "(efficientnet|fpn_cells|resample_p6)" + spec.config.tflite_max_detections = 25 + + print(spec.config) + + # load input data specific to an on-device ML app + train_data, validation_data, test_data = object_detector.DataLoader.from_csv(dir + "/dataset.csv") + + # customize the TensorFlow model + model = object_detector.create( + train_data, + model_spec=spec, + batch_size=batch_size, + epochs=epochs, + train_whole_model=False + ) + model.summary() + + # evaluate the model + print(model.evaluate(test_data)) + + # export to Tensorflow Lite model and label file in `export_dir` + path = pathlib.PurePath(dir) + model.export(export_dir="build/" + path.name + "/") + model.export(export_dir="build/" + path.name + "/", export_format=ExportFormat.LABEL) + + # evaluate the tensorflow lite model + print(model.evaluate_tflite("build/" + path.name + "/model.tflite", test_data)) + + stop = round(time.time() * 1000) + print("process image: {} ms".format(stop - start)) + +if __name__ == "__main__": + main(sys.argv[1:]) \ No newline at end of file diff --git a/object-detection/pascal-to-csv.py b/object-detection/pascal-to-csv.py new file mode 100644 index 0000000000000000000000000000000000000000..b30322c2a1c5c52fc17d7ba2db3993ec7704dc78 --- /dev/null +++ b/object-detection/pascal-to-csv.py @@ -0,0 +1,105 @@ +import glob, sys, getopt, os +import pandas as pd +import xml.etree.ElementTree as ET + + +def xml_to_csv(path): + + xml_list = [] + xml_files = sorted(glob.glob(path + "/*.xml")) + + for xml_file in xml_files: + + tree = ET.parse(xml_file) + root = tree.getroot() + filename = os.path.basename(root.find("filename").text) + + for member in root.findall("object"): + + bbx = member.find("bndbox") + xmin = int(bbx.find("xmin").text) + ymin = int(bbx.find("ymin").text) + xmax = int(bbx.find("xmax").text) + ymax = int(bbx.find("ymax").text) + label = member.find("name").text + width = int(root.find("size")[0].text) + height = int(root.find("size")[1].text) + + value = ( + "TRAIN", + path + "/" + filename, + label, + round(xmin / width, 2), + round(ymin / height, 2), + "", + "", + round(xmax / width, 2), + round(ymax / height, 2), + "", + "" + ) + + xml_list.append(value) + + value = ( + "TEST", + path + "/" + filename, + label, + round(xmin / width, 2), + round(ymin / height, 2), + "", + "", + round(xmax / width, 2), + round(ymax / height, 2), + "", + "" + ) + + xml_list.append(value) + + value = ( + "VALIDATION", + path + "/" + filename, + label, + round(xmin / width, 2), + round(ymin / height, 2), + "", + "", + round(xmax / width, 2), + round(ymax / height, 2), + "", + "" + ) + + xml_list.append(value) + + return pd.DataFrame(xml_list) + + +def main(argv): + + dir = None + + try: + + opts, _ = getopt.getopt(argv, "hd:", ["help","directory="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + + if (dir is None): + raise Exception() + + except Exception: + print("Specify a directory that contains XML files.") + print("pascal-to-csv.py -d <directory>") + sys.exit(2) + + xml_df = xml_to_csv(dir) + xml_df.to_csv(dir + "/dataset.csv", index=None, header=None) + + +if __name__ == "__main__": + main(sys.argv[1:]) \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4c474455f5330d01aac28e3678e2f316723cd37a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.xml new file mode 100644 index 0000000000000000000000000000000000000000..89395ccf491813c39b0f4927ce7a19a40ebc8ff0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133283014.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133283014.jpeg</filename> + <path>cam320x240-BLANK-1665133283014.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>101</xmin> + <ymin>23</ymin> + <xmax>276</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ebb7cf2084d53aa02d854fa83079e963b4cf034c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.xml new file mode 100644 index 0000000000000000000000000000000000000000..2ab3bdfda5709860fd547ade0683629b93b8670e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133285223.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133285223.jpeg</filename> + <path>cam320x240-BLANK-1665133285223.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>26</ymin> + <xmax>255</xmax> + <ymax>201</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c83d720c861b529c93ade418a41a7ad3ab09a12b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.xml new file mode 100644 index 0000000000000000000000000000000000000000..2a381ba9cd645444a29982bc8acbd690bd40508a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133297370.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133297370.jpeg</filename> + <path>cam320x240-BLANK-1665133297370.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>48</xmin> + <ymin>20</ymin> + <xmax>225</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..506ea2b86079bcb20718d4fb227cea5c8c82ceb7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.xml new file mode 100644 index 0000000000000000000000000000000000000000..961ded58ae02e9c75e6f44c8614127d2f0a1e2ef --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133302896.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133302896.jpeg</filename> + <path>cam320x240-BLANK-1665133302896.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>46</xmin> + <ymin>1</ymin> + <xmax>223</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c6ca7c0c10957b5b791d1118157539c71ff30463 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.xml new file mode 100644 index 0000000000000000000000000000000000000000..a00ce9db465e570d47dbae29c4fec69c7db53810 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133321677.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133321677.jpeg</filename> + <path>cam320x240-BLANK-1665133321677.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>30</ymin> + <xmax>238</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ef48d08f7db476818c9c6efc1b0da5c0a5438908 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.xml new file mode 100644 index 0000000000000000000000000000000000000000..a386bf467ea1ebcf8b9106d872b4a11c6ccca83d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133323891.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133323891.jpeg</filename> + <path>cam320x240-BLANK-1665133323891.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>89</xmin> + <ymin>25</ymin> + <xmax>266</xmax> + <ymax>201</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6f943517c22a77e429e668aeaed162ffaf5eecae Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.xml new file mode 100644 index 0000000000000000000000000000000000000000..a9218cf72f11de17d349bf27a45f353c233b4e96 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133326099.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133326099.jpeg</filename> + <path>cam320x240-BLANK-1665133326099.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>25</ymin> + <xmax>236</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..69e87c5de55d59b59a7b251b5f78126c526d74ad Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.xml new file mode 100644 index 0000000000000000000000000000000000000000..244c5c24b93750c4ad6b86c5cd583e8913c39dfc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133348192.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133348192.jpeg</filename> + <path>cam320x240-BLANK-1665133348192.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>1</ymin> + <xmax>223</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e66036838c827a0d2bf1d6849a147b9b22c1ec1e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.xml new file mode 100644 index 0000000000000000000000000000000000000000..ab100c5c3b04fbed089a076fa562363092216296 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133349298.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133349298.jpeg</filename> + <path>cam320x240-BLANK-1665133349298.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>25</ymin> + <xmax>266</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd5d012382bdebf3ab3873ddce58fd0d58bc25f9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.xml new file mode 100644 index 0000000000000000000000000000000000000000..57505d97df1bfe237adf6c1fe74d4858ef77fbd5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133352614.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133352614.jpeg</filename> + <path>cam320x240-BLANK-1665133352614.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>14</ymin> + <xmax>240</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..12defca950bc035177c41f3fe67931c833bc3b62 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.xml new file mode 100644 index 0000000000000000000000000000000000000000..12fdeb226f0065cffba8092f18b69245e4a1969f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133375808.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133375808.jpeg</filename> + <path>cam320x240-BLANK-1665133375808.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>19</ymin> + <xmax>259</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9c6c21c3bac64a3d687b2f3416770a8bd741eb84 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.xml new file mode 100644 index 0000000000000000000000000000000000000000..9e40ec1f137800ad5b2e20a766b2376c639d5c5e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133400117.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133400117.jpeg</filename> + <path>cam320x240-BLANK-1665133400117.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>10</ymin> + <xmax>234</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..af09a963dff8c6b7ce699365f8c3621d68b161e6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.xml new file mode 100644 index 0000000000000000000000000000000000000000..81bfe6c95daf93861088f375f097a19815cebe1a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133401220.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133401220.jpeg</filename> + <path>cam320x240-BLANK-1665133401220.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>13</ymin> + <xmax>235</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..06a30ff1dc63dfe47a992ba9efb9725874bf4bb5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.xml new file mode 100644 index 0000000000000000000000000000000000000000..b6ca13c3019bfc32640cecd273902b318cc3d7f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133402326.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133402326.jpeg</filename> + <path>cam320x240-BLANK-1665133402326.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>124</xmin> + <ymin>11</ymin> + <xmax>298</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7f6d9ccadf277bc8b83d64f7666d43b9b8a4fd9c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.xml new file mode 100644 index 0000000000000000000000000000000000000000..bf7c6ab4bdc07c9a419da204ecd927c15051291c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133403431.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133403431.jpeg</filename> + <path>cam320x240-BLANK-1665133403431.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>13</ymin> + <xmax>240</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c485fc26fbab06bebcee22900e06e780745ab4a5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.xml new file mode 100644 index 0000000000000000000000000000000000000000..649eacf27babf8a4d4a77fad97c3458c918635d5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133408957.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133408957.jpeg</filename> + <path>cam320x240-BLANK-1665133408957.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>10</ymin> + <xmax>298</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f7b1851a47cbed265a7ff9ef8bc1f7dc2d023157 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.xml new file mode 100644 index 0000000000000000000000000000000000000000..0347d96b270e4274963efd8cb41927f557fe55f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133410063.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133410063.jpeg</filename> + <path>cam320x240-BLANK-1665133410063.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>107</xmin> + <ymin>6</ymin> + <xmax>284</xmax> + <ymax>169</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ffd104815953b1cc31497ee4c6df797526b2ba3f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.xml new file mode 100644 index 0000000000000000000000000000000000000000..b97ec593601f8c5a70c139dbdd348311cc60c019 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133411167.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133411167.jpeg</filename> + <path>cam320x240-BLANK-1665133411167.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>9</ymin> + <xmax>240</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b0fbfc1c5d4f037862f0b685775a4298ffc14334 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.xml new file mode 100644 index 0000000000000000000000000000000000000000..b359f885047e337be17533e5ad7200dd7139a689 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133413374.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133413374.jpeg</filename> + <path>cam320x240-BLANK-1665133413374.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>14</ymin> + <xmax>248</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1cc48e7fba2bd21392023fb75346110b98ed62ce Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.xml new file mode 100644 index 0000000000000000000000000000000000000000..f1770b80e66d45607c595ec7fa509a6558de1939 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133422216.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133422216.jpeg</filename> + <path>cam320x240-BLANK-1665133422216.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>31</ymin> + <xmax>237</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a5fcdcf4c98454d2a3d07b2b468adb924d6974b2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.xml new file mode 100644 index 0000000000000000000000000000000000000000..24d6c6a4bd7aee53aeb7ef080f21b1852a8adffe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133431065.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133431065.jpeg</filename> + <path>cam320x240-BLANK-1665133431065.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>26</ymin> + <xmax>256</xmax> + <ymax>201</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..796595cbf35a010913b4995f06868ef038c9daae Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.xml new file mode 100644 index 0000000000000000000000000000000000000000..962b6b49babfdc4c60b3dd4962a925f2f5ac1661 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133444334.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133444334.jpeg</filename> + <path>cam320x240-BLANK-1665133444334.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>25</ymin> + <xmax>265</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75d6b7ccc1b93b3824fb60dbe3f25c369c26af13 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.xml new file mode 100644 index 0000000000000000000000000000000000000000..e590564fbec55cd4181a375c26adb3fc311a2f3e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133463113.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133463113.jpeg</filename> + <path>cam320x240-BLANK-1665133463113.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>48</xmin> + <ymin>20</ymin> + <xmax>224</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a38cf1ca9b15c4e66c932730d63f4987e1d84717 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.xml new file mode 100644 index 0000000000000000000000000000000000000000..66414549b37162df8a1df745a70c5d81c908fbf3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133469748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133469748.jpeg</filename> + <path>cam320x240-BLANK-1665133469748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c935e3ebaca37c0f6b2222d824c3dd76a2800b3f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.xml new file mode 100644 index 0000000000000000000000000000000000000000..817f722a72de19cc81a3018471f068b5c7327964 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133474164.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133474164.jpeg</filename> + <path>cam320x240-BLANK-1665133474164.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>1</ymin> + <xmax>222</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7e2ab4b047983388aed9f7bc832d061fc8e65bd8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.xml new file mode 100644 index 0000000000000000000000000000000000000000..57f0f57d51caf982435166df5c156695a1d2c2b7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133478588.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133478588.jpeg</filename> + <path>cam320x240-BLANK-1665133478588.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>19</ymin> + <xmax>258</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f105b89db0207348305d2573e109230b73767fed Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.xml new file mode 100644 index 0000000000000000000000000000000000000000..90a41bbae84dc2071d5f56eb5f61a97cd4d67033 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133481901.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133481901.jpeg</filename> + <path>cam320x240-BLANK-1665133481901.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>108</xmin> + <ymin>1</ymin> + <xmax>285</xmax> + <ymax>167</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..258beeb6be14003d0f13dbe56f11b7c7d1a83100 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.xml new file mode 100644 index 0000000000000000000000000000000000000000..58eca5408705bc5c3fd3ddf3e88188da7496c87b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133485216.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133485216.jpeg</filename> + <path>cam320x240-BLANK-1665133485216.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>19</ymin> + <xmax>258</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..624b28f0054b6fd98da87cfcedfdeaf3cdedcef1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.xml new file mode 100644 index 0000000000000000000000000000000000000000..91e0ada93596c7ec9b6ec45304c86e87dfc04206 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133526079.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133526079.jpeg</filename> + <path>cam320x240-BLANK-1665133526079.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>30</ymin> + <xmax>237</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c4517dd3dddf83178cc04bd02b018e74465f73b6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.xml new file mode 100644 index 0000000000000000000000000000000000000000..d56f61a7fe52bc36fd7fb3b13892324c6b718899 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133541544.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133541544.jpeg</filename> + <path>cam320x240-BLANK-1665133541544.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>26</ymin> + <xmax>256</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2bfc694478e824b6ccf2b330e29d3eab5c90b767 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.xml new file mode 100644 index 0000000000000000000000000000000000000000..f1c336ca2a0872cff95b2c7b3a25ecc934e2f308 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133542646.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133542646.jpeg</filename> + <path>cam320x240-BLANK-1665133542646.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>25</ymin> + <xmax>255</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fc3e03fe5f0e168a03085e49d069a90ad9b6370a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.xml new file mode 100644 index 0000000000000000000000000000000000000000..39590261fb5a8d9e14cf809f5e49ecb31ff06c0c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133548165.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133548165.jpeg</filename> + <path>cam320x240-BLANK-1665133548165.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>25</ymin> + <xmax>236</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f0b951c0c6b89abc42a47438ce77daa182c9b5f7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.xml new file mode 100644 index 0000000000000000000000000000000000000000..e5e04068fa89b8e9725bec8d8f3dd3cf4a4e1e0f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133552587.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133552587.jpeg</filename> + <path>cam320x240-BLANK-1665133552587.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>53</ymin> + <xmax>216</xmax> + <ymax>228</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..327dbb03b7c0f4a2dbb581d337e9045f2f3472cf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.xml new file mode 100644 index 0000000000000000000000000000000000000000..9b4617fbe0ebbbfe403aeeaef42ca90b75d9c2b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133555902.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133555902.jpeg</filename> + <path>cam320x240-BLANK-1665133555902.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>13</ymin> + <xmax>248</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b4dd419e0323d115bb499b9e708d9859f2bf00b3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.xml new file mode 100644 index 0000000000000000000000000000000000000000..49365bec04dc905890e0d7482480797cc33f8818 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133557007.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133557007.jpeg</filename> + <path>cam320x240-BLANK-1665133557007.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>108</xmin> + <ymin>1</ymin> + <xmax>285</xmax> + <ymax>168</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8e83778194e532b1843bc5bbabb26642aab50d30 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.xml new file mode 100644 index 0000000000000000000000000000000000000000..0ab8e45899eebecc7155ef36180cd7cfffeead48 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133564743.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133564743.jpeg</filename> + <path>cam320x240-BLANK-1665133564743.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>34</xmin> + <ymin>1</ymin> + <xmax>208</xmax> + <ymax>156</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..80c89494b56e65044da716af88d0452c1f5c653d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.xml new file mode 100644 index 0000000000000000000000000000000000000000..1dc50bd00d5c0465473af4fe7c75fc330202fe77 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133580204.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133580204.jpeg</filename> + <path>cam320x240-BLANK-1665133580204.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>108</xmin> + <ymin>1</ymin> + <xmax>285</xmax> + <ymax>168</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6b75fa53115b044c44df1bda1433a647003bfe1f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.xml new file mode 100644 index 0000000000000000000000000000000000000000..5ee7eae4136d4d4472d1c5268c36a29c9464fcc3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133581306.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133581306.jpeg</filename> + <path>cam320x240-BLANK-1665133581306.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>30</ymin> + <xmax>237</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..076909eb909eb12d3645ea2293e3c09b64ff9e14 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.xml new file mode 100644 index 0000000000000000000000000000000000000000..0ef68741948c088a2c0bebe2b48e85ad016bd930 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133584616.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133584616.jpeg</filename> + <path>cam320x240-BLANK-1665133584616.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>30</ymin> + <xmax>238</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..af01d5e80680548412f6a7932f885cd379aa7dc8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.xml new file mode 100644 index 0000000000000000000000000000000000000000..54fa0396e34213073897dd5a1ac5309a19932dfa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133593456.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133593456.jpeg</filename> + <path>cam320x240-BLANK-1665133593456.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>101</xmin> + <ymin>23</ymin> + <xmax>275</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1c7d7b505cd9f8c23e07464f7172afc39a128ed0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.xml new file mode 100644 index 0000000000000000000000000000000000000000..78c86432321c317b548fd68a3792edf9d3885f71 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133596762.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133596762.jpeg</filename> + <path>cam320x240-BLANK-1665133596762.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>48</xmin> + <ymin>20</ymin> + <xmax>225</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f4615113c778e711374974a4a02b32cc06aecdd0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.xml new file mode 100644 index 0000000000000000000000000000000000000000..a31f70330ecb59fafaef195f70c72d2c8eda1cc0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133600079.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133600079.jpeg</filename> + <path>cam320x240-BLANK-1665133600079.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>123</xmin> + <ymin>11</ymin> + <xmax>298</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..06649efd2fcc701e47a058855dad649db97fd1b0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.xml new file mode 100644 index 0000000000000000000000000000000000000000..3719a112beac0eb7625224d6b97352baf75151de --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133604502.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133604502.jpeg</filename> + <path>cam320x240-BLANK-1665133604502.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>89</xmin> + <ymin>25</ymin> + <xmax>267</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..55d506f3993acc21d7acd10b44151f53e9476aa0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.xml new file mode 100644 index 0000000000000000000000000000000000000000..57aafdb09996310d6512e197dc4c9960e75614a6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133610021.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133610021.jpeg</filename> + <path>cam320x240-BLANK-1665133610021.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>101</xmin> + <ymin>23</ymin> + <xmax>275</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3b2ccdfd83e7f0dc64b8bacca129ad182f2d322d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.xml new file mode 100644 index 0000000000000000000000000000000000000000..4280f1975f1f7959548b627fec7d52b7f69976b2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133612226.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133612226.jpeg</filename> + <path>cam320x240-BLANK-1665133612226.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>19</ymin> + <xmax>257</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4696b3fbf9ac6b9346726a2ff5fd1df82c6f4cf6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.xml new file mode 100644 index 0000000000000000000000000000000000000000..e3cb72b8d71a1f48302b7b034cacfb0de8703d61 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133617748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133617748.jpeg</filename> + <path>cam320x240-BLANK-1665133617748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>107</xmin> + <ymin>5</ymin> + <xmax>284</xmax> + <ymax>169</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7390db8820981f3977fd1070ec23e663bfa697e5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f2ecf2f63b431bc6e7f7ebe66bc10ac71a45cd3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133622168.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133622168.jpeg</filename> + <path>cam320x240-BLANK-1665133622168.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>14</ymin> + <xmax>247</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0cce88d60221c9b3b06ba2f4667f6aacfc8d946e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.xml new file mode 100644 index 0000000000000000000000000000000000000000..0741efd04bb076bd87f5bb508c3b8e8e5170a16d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133634310.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133634310.jpeg</filename> + <path>cam320x240-BLANK-1665133634310.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>23</ymin> + <xmax>257</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7303b1a844a4238af4d441742df19367bdf83fc1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.xml new file mode 100644 index 0000000000000000000000000000000000000000..2eb7bf964e5b4f7ea653e52ef87292674319c6ee --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133655513.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133655513.jpeg</filename> + <path>cam320x240-BLANK-1665133655513.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>20</ymin> + <xmax>258</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1f03f36c172f3fe6eee09518c32df76c113b1747 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.xml new file mode 100644 index 0000000000000000000000000000000000000000..c23ce80dfcac9f7c019f99e2f59889c41cca95d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133659933.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133659933.jpeg</filename> + <path>cam320x240-BLANK-1665133659933.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>109</xmin> + <ymin>1</ymin> + <xmax>285</xmax> + <ymax>168</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..89db5090c730fb422c68d91f5abefc45392fe486 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.xml new file mode 100644 index 0000000000000000000000000000000000000000..14bf2972e5f97ae90c8f7c04758f54a7bcfa960b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133676510.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133676510.jpeg</filename> + <path>cam320x240-BLANK-1665133676510.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>53</ymin> + <xmax>216</xmax> + <ymax>227</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..83a628d06b6f614a7a88ae2fd3b597d396f0ac42 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.xml new file mode 100644 index 0000000000000000000000000000000000000000..3fa4ce4ea763437909b333f2582269f31101b532 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133680935.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133680935.jpeg</filename> + <path>cam320x240-BLANK-1665133680935.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>34</xmin> + <ymin>1</ymin> + <xmax>209</xmax> + <ymax>156</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..55d68ed28ba6251a480ffc019222ae189cd1de66 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.xml new file mode 100644 index 0000000000000000000000000000000000000000..dbff7136fb36d04fe483f4511b85b5022abb4c0a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133683147.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133683147.jpeg</filename> + <path>cam320x240-BLANK-1665133683147.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>107</xmin> + <ymin>5</ymin> + <xmax>284</xmax> + <ymax>169</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd43f6f276628816eca6641bf609a4eb140801a7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.xml new file mode 100644 index 0000000000000000000000000000000000000000..81e1e49bf8e32cf21f263e025c2e34ad7dcf7d6c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133697517.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133697517.jpeg</filename> + <path>cam320x240-BLANK-1665133697517.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>25</ymin> + <xmax>265</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..65f1486b59e84d01111675eb820c37424e5adf13 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.xml new file mode 100644 index 0000000000000000000000000000000000000000..94287f85f6f24f4869b3257cf53e1c2d51092a49 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133700829.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133700829.jpeg</filename> + <path>cam320x240-BLANK-1665133700829.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>108</xmin> + <ymin>1</ymin> + <xmax>285</xmax> + <ymax>168</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..089a5a940d22d35b4385ac14d7fdbc2d6d679fc7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.xml new file mode 100644 index 0000000000000000000000000000000000000000..22db420011471cac2f2eeffd719b39402eeab9b3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133745015.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133745015.jpeg</filename> + <path>cam320x240-BLANK-1665133745015.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>9</ymin> + <xmax>241</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c86418c82f7cdf6ea9b2ce7aba8ccebce178d543 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.xml new file mode 100644 index 0000000000000000000000000000000000000000..29bf57d112b64356dd5207f4828bad2c31c3bc24 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133757163.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133757163.jpeg</filename> + <path>cam320x240-BLANK-1665133757163.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>106</xmin> + <ymin>5</ymin> + <xmax>285</xmax> + <ymax>170</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..23a31c8fb5a9adc266c2953194681d747a78d82e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.xml new file mode 100644 index 0000000000000000000000000000000000000000..83204c17810b8bf8f28a4b0153494f05ee9fd9af --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133772638.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133772638.jpeg</filename> + <path>cam320x240-BLANK-1665133772638.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>13</ymin> + <xmax>248</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2e545356d946754131694176e134cf16a0b04dcc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.xml new file mode 100644 index 0000000000000000000000000000000000000000..6e2f56536a95356415c2ad6ca71945a2aa0f8f73 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133799157.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133799157.jpeg</filename> + <path>cam320x240-BLANK-1665133799157.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>26</ymin> + <xmax>255</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2cf195034e13320ff8d06d3c6cdd9ebe788dfe5d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.xml new file mode 100644 index 0000000000000000000000000000000000000000..3ee176bddf60285f7bd6d587792dad9f48d57b95 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133848856.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133848856.jpeg</filename> + <path>cam320x240-BLANK-1665133848856.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>20</ymin> + <xmax>224</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c9c178a3523fb8198cf2e203b82d529eca664781 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.xml new file mode 100644 index 0000000000000000000000000000000000000000..31fe954eefdeaf24cd1f88d830b5a0224ddd2c59 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133869848.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133869848.jpeg</filename> + <path>cam320x240-BLANK-1665133869848.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>53</ymin> + <xmax>215</xmax> + <ymax>228</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f04e635a22286652b621120d3a216e8e9bdeb46d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.xml new file mode 100644 index 0000000000000000000000000000000000000000..9d9124778ebd2bb2e062f6b8762c252f8ddeb84d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133870953.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133870953.jpeg</filename> + <path>cam320x240-BLANK-1665133870953.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>52</ymin> + <xmax>215</xmax> + <ymax>228</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4f95e3e68093d9c3a0a40c91b773bb0047d0348a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.xml new file mode 100644 index 0000000000000000000000000000000000000000..7cf6e01b48817ae090430e28afd6329eb4755587 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133873158.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133873158.jpeg</filename> + <path>cam320x240-BLANK-1665133873158.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>45</xmin> + <ymin>1</ymin> + <xmax>223</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..888d523c169601ce6fa159bdc545ac7a4ca6b5a3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.xml new file mode 100644 index 0000000000000000000000000000000000000000..4ba7feacce28c542a4efa4f9481999fa003ef2bf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133883100.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133883100.jpeg</filename> + <path>cam320x240-BLANK-1665133883100.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>20</ymin> + <xmax>224</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..28ee9d2c9dee77de1569034d3eaac7a9382cbfe7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.xml new file mode 100644 index 0000000000000000000000000000000000000000..d9d713d1be6cff38a68b976abbe0eab7d59d2122 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133891933.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133891933.jpeg</filename> + <path>cam320x240-BLANK-1665133891933.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>22</ymin> + <xmax>257</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..778b2ecb58a8422eff5165a9fc315e67e7ec6e91 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.xml new file mode 100644 index 0000000000000000000000000000000000000000..3afff5f54486cdd7c8b9d3de2d874b45b95345ff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133893038.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133893038.jpeg</filename> + <path>cam320x240-BLANK-1665133893038.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>46</xmin> + <ymin>1</ymin> + <xmax>223</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b41d20bb6184462f7f594bbff6fb3bae07da61f6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.xml new file mode 100644 index 0000000000000000000000000000000000000000..6c8eff58db8bab20318c64977ae4486865956d73 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133899666.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133899666.jpeg</filename> + <path>cam320x240-BLANK-1665133899666.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>14</ymin> + <xmax>240</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..23641b686d2c1c5db6ac02b6088774bf0c4fc4a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.xml new file mode 100644 index 0000000000000000000000000000000000000000..ff7bdc68a5b7650f826d5b7c9e13406d94a9e45c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133909604.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133909604.jpeg</filename> + <path>cam320x240-BLANK-1665133909604.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>48</xmin> + <ymin>21</ymin> + <xmax>224</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bf937c146caef75e7de3f63f6e82f0c3befa5967 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.xml new file mode 100644 index 0000000000000000000000000000000000000000..69f9a7eacbba7ed9abbb72567610f04b804d95e1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133916235.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133916235.jpeg</filename> + <path>cam320x240-BLANK-1665133916235.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>13</ymin> + <xmax>235</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6b1aba14b73dd0acfb70d0fb0bfe88372076c876 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.xml new file mode 100644 index 0000000000000000000000000000000000000000..aad7ec9b0b3022c204dffee1daee231b3e2e23b6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133926181.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133926181.jpeg</filename> + <path>cam320x240-BLANK-1665133926181.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>10</ymin> + <xmax>240</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5af2c81ef8a5ac537c5f39dbba78bd5ac9e7fbce Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.xml new file mode 100644 index 0000000000000000000000000000000000000000..f0101c158d71ebca705868a0f7a3ee667eb3100a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133927286.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133927286.jpeg</filename> + <path>cam320x240-BLANK-1665133927286.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>26</ymin> + <xmax>236</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c0d00636716f9d41519dd12b26af6faa35565fa6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.xml new file mode 100644 index 0000000000000000000000000000000000000000..bef2e7d8297e70161959fb6aadcd010ec7d279b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133935026.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133935026.jpeg</filename> + <path>cam320x240-BLANK-1665133935026.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>13</ymin> + <xmax>248</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..11c03143fb088e654f83a190b444d077a414ccfb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.xml new file mode 100644 index 0000000000000000000000000000000000000000..58ee205cf9120d115c92e2f636d1e4632670b518 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133953810.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133953810.jpeg</filename> + <path>cam320x240-BLANK-1665133953810.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>14</ymin> + <xmax>241</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..66afc6b65b89f601b85c193764e61fd06943d082 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f0864b88db84f248deaa93165487f6566905a01 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133963749.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133963749.jpeg</filename> + <path>cam320x240-BLANK-1665133963749.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>124</xmin> + <ymin>11</ymin> + <xmax>297</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56b11283ebadeeb7bc7d2c04da2bd2677cea01a5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.xml new file mode 100644 index 0000000000000000000000000000000000000000..2a7f640d22d5f99918b5cd902b9d280696e79743 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133974800.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133974800.jpeg</filename> + <path>cam320x240-BLANK-1665133974800.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>39</xmin> + <ymin>52</ymin> + <xmax>216</xmax> + <ymax>228</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.jpeg b/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..125b453c0282cd641882f25d9a694dc7cdd1f09e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.xml b/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.xml new file mode 100644 index 0000000000000000000000000000000000000000..a0fa1e54d6a7e10d85a4ac5603eca189a5dc4af6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BLANK-1665133979222.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BLANK-1665133979222.jpeg</filename> + <path>cam320x240-BLANK-1665133979222.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BLANK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>22</ymin> + <xmax>256</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..662fbf83a677f558de60dece1d5335634e63edb5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.xml new file mode 100644 index 0000000000000000000000000000000000000000..1b12607fe3988fb3e0212fc18ef37fd4a8943c0e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056853.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1664692056853.jpeg</filename> + <path>cam320x240-BOHO-1664692056853.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>99</xmin> + <ymin>34</ymin> + <xmax>276</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d64ed3654cc960cf2fc32bd1d833f68309dd65f5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.xml new file mode 100644 index 0000000000000000000000000000000000000000..8c245028ddb29ae3ffd5064d27199891d9de9b86 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056863.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1664692056863.jpeg</filename> + <path>cam320x240-BOHO-1664692056863.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>300</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75278cf96f6a0677073027acdaf712b602d8bc06 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.xml new file mode 100644 index 0000000000000000000000000000000000000000..ad691129291a73e2dc79fd6b84b07cb4c0ab2f13 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056881.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1664692056881.jpeg</filename> + <path>cam320x240-BOHO-1664692056881.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>98</xmin> + <ymin>37</ymin> + <xmax>274</xmax> + <ymax>212</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..603740c1dd362f91a100b866e9fef31532da557d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.xml new file mode 100644 index 0000000000000000000000000000000000000000..0cc9ec9bd7c30bfa6eb71a39b16b7396168610ec --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056885.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1664692056885.jpeg</filename> + <path>cam320x240-BOHO-1664692056885.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>299</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8600b139ddd2f04e9a9e44906453f878a558ea1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.xml new file mode 100644 index 0000000000000000000000000000000000000000..067f201759f0a9174ed6e25bbc871637627f2f5d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1664692056900.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1664692056900.jpeg</filename> + <path>cam320x240-BOHO-1664692056900.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>42</xmin> + <ymin>48</ymin> + <xmax>218</xmax> + <ymax>224</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..83797c708bb86c507d78cfc7e8be6ac0c429e4fb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.xml new file mode 100644 index 0000000000000000000000000000000000000000..59979bdbe48eff9f510ba49f4077bfe40b6ac3a7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395474.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395474.jpeg</filename> + <path>cam320x240-BOHO-1665095395474.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>48</ymin> + <xmax>248</xmax> + <ymax>223</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb943bc5b2e091abd05246b141623f0be2e669b2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.xml new file mode 100644 index 0000000000000000000000000000000000000000..eb6ef55597422977948984096b25b9340a3285e7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395484.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395484.jpeg</filename> + <path>cam320x240-BOHO-1665095395484.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>17</ymin> + <xmax>244</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f768e6ffbbccacfb4cc1b86d8144458054db5678 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.xml new file mode 100644 index 0000000000000000000000000000000000000000..9c88651a9239b46bc2b6d1d1e40aed5961401b19 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395489.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395489.jpeg</filename> + <path>cam320x240-BOHO-1665095395489.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>9</xmin> + <ymin>1</ymin> + <xmax>181</xmax> + <ymax>165</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7f939463c4713c9950119efe56f1499b4148da2a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.xml new file mode 100644 index 0000000000000000000000000000000000000000..98156c44dc3b5ce42b6010cefc431b140eaf9869 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395494.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395494.jpeg</filename> + <path>cam320x240-BOHO-1665095395494.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>160</xmin> + <ymin>10</ymin> + <xmax>320</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..52443aa9776011d7c6a173b1c5253f370891abe5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.xml new file mode 100644 index 0000000000000000000000000000000000000000..8954f0e72038407c62074651f9f673b0abd5c240 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395511.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395511.jpeg</filename> + <path>cam320x240-BOHO-1665095395511.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>116</xmin> + <ymin>31</ymin> + <xmax>290</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8fd4d37239dbf83d51b08bd1cf801aa05e82c846 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.xml new file mode 100644 index 0000000000000000000000000000000000000000..f71b9285ce4e0b98d04c930e3c1ed6eb4a3fe9fb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395516.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395516.jpeg</filename> + <path>cam320x240-BOHO-1665095395516.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>111</xmin> + <ymin>63</ymin> + <xmax>286</xmax> + <ymax>239</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9157e2919f9bcd809c7736300a1c4d4efde12b2e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.xml new file mode 100644 index 0000000000000000000000000000000000000000..a7cc90178fedd23885e806ecfc1ac529133a9519 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395529.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395529.jpeg</filename> + <path>cam320x240-BOHO-1665095395529.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>104</xmin> + <ymin>19</ymin> + <xmax>278</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c34898631e64f4e6c54926e6d810fb1b6de64237 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.xml new file mode 100644 index 0000000000000000000000000000000000000000..87d60de3e02045e3ee5f75fec9229f6f9e3a85d7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395544.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395544.jpeg</filename> + <path>cam320x240-BOHO-1665095395544.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>99</xmin> + <ymin>6</ymin> + <xmax>273</xmax> + <ymax>180</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..603740c1dd362f91a100b866e9fef31532da557d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.xml new file mode 100644 index 0000000000000000000000000000000000000000..1aa07c91775fefed0391e8d37dadc6107e72cde1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395545.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395545.jpeg</filename> + <path>cam320x240-BOHO-1665095395545.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>299</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6d63785eccd1cf69e42251f84d1b15f74c98773b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.xml new file mode 100644 index 0000000000000000000000000000000000000000..2ef4c6b223ad291694ba82eed479736d0124b541 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395570.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395570.jpeg</filename> + <path>cam320x240-BOHO-1665095395570.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>136</xmin> + <ymin>7</ymin> + <xmax>308</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3d0736502cd0910c5446bfef16096eee99f9e128 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.xml new file mode 100644 index 0000000000000000000000000000000000000000..a6bb913c86b22cdab2654fb585530f0956ceb976 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395584.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395584.jpeg</filename> + <path>cam320x240-BOHO-1665095395584.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>24</xmin> + <ymin>16</ymin> + <xmax>196</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb61422c280789feb5bfeedaedd212e2092269e5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.xml new file mode 100644 index 0000000000000000000000000000000000000000..5211a256a5c2e68e733ef50a366273f8430edf71 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395617.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395617.jpeg</filename> + <path>cam320x240-BOHO-1665095395617.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>48</xmin> + <ymin>34</ymin> + <xmax>221</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75278cf96f6a0677073027acdaf712b602d8bc06 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.xml new file mode 100644 index 0000000000000000000000000000000000000000..a34bc5bb91138e4431e414a4a936dffb6d68ca08 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395628.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395628.jpeg</filename> + <path>cam320x240-BOHO-1665095395628.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>98</xmin> + <ymin>37</ymin> + <xmax>274</xmax> + <ymax>212</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b8d6f9e056f04eef665f9cbad1f012188ca4a289 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.xml new file mode 100644 index 0000000000000000000000000000000000000000..016761fb0a179f7607fc9fe615dfc9a80afeb551 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395633.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395633.jpeg</filename> + <path>cam320x240-BOHO-1665095395633.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>52</xmin> + <ymin>74</ymin> + <xmax>227</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..acdb9f22697180ea5774ac0de7df1f250eeb30b3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.xml new file mode 100644 index 0000000000000000000000000000000000000000..af29b5e957fcbcb160f01e19b4e0b5fcef73f995 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395641.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395641.jpeg</filename> + <path>cam320x240-BOHO-1665095395641.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>21</xmin> + <ymin>21</ymin> + <xmax>194</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5adbb4f9ace774d33c691d94fcf143c59376093d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.xml new file mode 100644 index 0000000000000000000000000000000000000000..7116613e1b89e3afe7605a41bccabe4223e29ace --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395648.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395648.jpeg</filename> + <path>cam320x240-BOHO-1665095395648.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>97</xmin> + <ymin>36</ymin> + <xmax>272</xmax> + <ymax>211</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..21f96e1d426dce0bb157ac10d774dc2902b7c408 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.xml new file mode 100644 index 0000000000000000000000000000000000000000..aa69d95a2bc9075c13ef39e31fb1084ed5c2cc21 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395652.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395652.jpeg</filename> + <path>cam320x240-BOHO-1665095395652.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>88</xmin> + <ymin>23</ymin> + <xmax>262</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6942dc69ddeb1bfc3468a5cbf234f4d74af8bd5e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.xml new file mode 100644 index 0000000000000000000000000000000000000000..895ff965034567195ae2cb32f445c9ef553926be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395665.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395665.jpeg</filename> + <path>cam320x240-BOHO-1665095395665.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>106</xmin> + <ymin>14</ymin> + <xmax>279</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..34027819f0d68ccc87b97c59c39c9e36551c4ba2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.xml new file mode 100644 index 0000000000000000000000000000000000000000..ca21247b0e8360dedbf2d84b03c5e6622ed1f730 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395668.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395668.jpeg</filename> + <path>cam320x240-BOHO-1665095395668.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>13</xmin> + <ymin>23</ymin> + <xmax>184</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f9b065830b4adbed4d3099c5c3c45c115396e0c7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.xml new file mode 100644 index 0000000000000000000000000000000000000000..29548adec770d85db3dadf3799be2ed6c87485f5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395669.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395669.jpeg</filename> + <path>cam320x240-BOHO-1665095395669.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>46</xmin> + <ymin>79</ymin> + <xmax>221</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..506682535fd2ab86d157349e68fc7315c42bc294 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.xml new file mode 100644 index 0000000000000000000000000000000000000000..f8ba17e5e4c0cceadfcb1d635c0b12ec4b2dc2b9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395674.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395674.jpeg</filename> + <path>cam320x240-BOHO-1665095395674.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>104</xmin> + <ymin>68</ymin> + <xmax>279</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2ee88bf5d39a776ffb83625a075ac63103105513 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.xml new file mode 100644 index 0000000000000000000000000000000000000000..03355485cc7e103e47907bea840aa719c02a5dd1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395684.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395684.jpeg</filename> + <path>cam320x240-BOHO-1665095395684.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>26</xmin> + <ymin>26</ymin> + <xmax>198</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d64632b9fb3b6931a9f489208d1b8a7792f8ac26 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.xml new file mode 100644 index 0000000000000000000000000000000000000000..f0d1c51dace6d9b53aa60711eb8daf8f0e3464a5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395688.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395688.jpeg</filename> + <path>cam320x240-BOHO-1665095395688.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>28</xmin> + <ymin>7</ymin> + <xmax>202</xmax> + <ymax>180</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..846aca1363d5189a0cbaa56e0373317e945f46f6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.xml new file mode 100644 index 0000000000000000000000000000000000000000..6a33440a311d3e0b97dfbb672dffc2fc7ba746ca --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395695.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395695.jpeg</filename> + <path>cam320x240-BOHO-1665095395695.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>110</xmin> + <ymin>28</ymin> + <xmax>284</xmax> + <ymax>202</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0c0696b54e0db36b927fd9a6775d6ad4e054aa78 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.xml new file mode 100644 index 0000000000000000000000000000000000000000..99de05a7b9fee395864a2d8b4adeb8fc2748ea7a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395699.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395699.jpeg</filename> + <path>cam320x240-BOHO-1665095395699.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>1</xmin> + <ymin>17</ymin> + <xmax>158</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..775e6a45993338e44c597aecd1ea0292d6337e2c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f7ead72d6377cd8baa1f2e73956a512e54bcd58 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395722.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395722.jpeg</filename> + <path>cam320x240-BOHO-1665095395722.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>87</xmin> + <ymin>1</ymin> + <xmax>263</xmax> + <ymax>163</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b6d0a4cc5632b433dafc2e855cc8e75cdb0377b6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f32e56e11452c04a164cb1f932f387a473a248e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395725.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395725.jpeg</filename> + <path>cam320x240-BOHO-1665095395725.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>20</ymin> + <xmax>239</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f83f5c89e1ca3d4496064faa545dab5c391744dc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.xml new file mode 100644 index 0000000000000000000000000000000000000000..35faaef8e5d5df7cd0d9c8f07ec8faa2b5bcbdfb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395734.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395734.jpeg</filename> + <path>cam320x240-BOHO-1665095395734.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>137</xmin> + <ymin>19</ymin> + <xmax>311</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..00be2adbba54d2a36c55d1bd0f80aef1c6b62629 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.xml new file mode 100644 index 0000000000000000000000000000000000000000..2a5362dbf5bcaefeba048c3147d18d4624035610 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395742.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395742.jpeg</filename> + <path>cam320x240-BOHO-1665095395742.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>58</xmin> + <ymin>65</ymin> + <xmax>234</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3a1aff6e16ef05305e5efb8898639fec545e972 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.xml new file mode 100644 index 0000000000000000000000000000000000000000..9d45d453c058bbbf73e595baccc71af9d67a0d14 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395750.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395750.jpeg</filename> + <path>cam320x240-BOHO-1665095395750.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>1</ymin> + <xmax>237</xmax> + <ymax>156</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cb7e90e36b8828c5e8a5d7477799ae55ea23f7eb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a002f7bca7161f2e925b67cfedcad39fcf97edb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395751.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395751.jpeg</filename> + <path>cam320x240-BOHO-1665095395751.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>30</ymin> + <xmax>251</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75278cf96f6a0677073027acdaf712b602d8bc06 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.xml new file mode 100644 index 0000000000000000000000000000000000000000..d2fed5cff9221fef69424d5aa9e028ab3e6c9147 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395752.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395752.jpeg</filename> + <path>cam320x240-BOHO-1665095395752.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>98</xmin> + <ymin>37</ymin> + <xmax>274</xmax> + <ymax>212</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1aa32dd3d58802dd8f1af7385aba47aac15362d9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.xml new file mode 100644 index 0000000000000000000000000000000000000000..cf3433e4ceba7c7bb2678bc4732fa68d63f4bec1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395761.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395761.jpeg</filename> + <path>cam320x240-BOHO-1665095395761.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>35</xmin> + <ymin>7</ymin> + <xmax>207</xmax> + <ymax>180</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..51b42b9a70ce50b1a22d30ad91692b67c0fa14ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.xml new file mode 100644 index 0000000000000000000000000000000000000000..a82f83552005385cbabca4da9d08b3e9e7024d75 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395762.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395762.jpeg</filename> + <path>cam320x240-BOHO-1665095395762.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>15</ymin> + <xmax>267</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..68c86b6a7d7ce7b3538c846420ebc2a3a1963845 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.xml new file mode 100644 index 0000000000000000000000000000000000000000..56127f6d7fbcf8f4474c116687cfa9e377f96a14 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395765.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395765.jpeg</filename> + <path>cam320x240-BOHO-1665095395765.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>95</xmin> + <ymin>8</ymin> + <xmax>271</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..91b2114fed8c9116b8dc6e142320940236aa9c0a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.xml new file mode 100644 index 0000000000000000000000000000000000000000..04db654102163f5695e5d6797062cf2208354fc3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395777.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395777.jpeg</filename> + <path>cam320x240-BOHO-1665095395777.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>33</xmin> + <ymin>7</ymin> + <xmax>207</xmax> + <ymax>180</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9f85e576a615e6c400b790b391ae8b718d6cd86d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.xml new file mode 100644 index 0000000000000000000000000000000000000000..63da8596a3b243ca0b6f156077e700c5555c8b76 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395778.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395778.jpeg</filename> + <path>cam320x240-BOHO-1665095395778.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>102</xmin> + <ymin>14</ymin> + <xmax>276</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..08b7f9cbd1bdabc45f7ac50deb51a9c3ae58593b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.xml new file mode 100644 index 0000000000000000000000000000000000000000..d793adb4484a78a643e18c4da85fc74c2fa5895a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395782.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395782.jpeg</filename> + <path>cam320x240-BOHO-1665095395782.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>15</ymin> + <xmax>245</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..39ee734556f96096584a141cd455ebff24245f8f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.xml new file mode 100644 index 0000000000000000000000000000000000000000..387977d5e9a2c603591eabe5ec1fe008d5c72a1e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395791.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395791.jpeg</filename> + <path>cam320x240-BOHO-1665095395791.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>18</xmin> + <ymin>33</ymin> + <xmax>189</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d6b5ac83395ee49c933163d00bcfe21d06c00965 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.xml new file mode 100644 index 0000000000000000000000000000000000000000..bdcc96e63553c2b89b3177de1ac9ddd0df6f2eda --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395795.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395795.jpeg</filename> + <path>cam320x240-BOHO-1665095395795.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>24</ymin> + <xmax>242</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..590aec8498b9986260c2c2ad4482ae4bf84d7f83 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.xml new file mode 100644 index 0000000000000000000000000000000000000000..f723f778b5d568a5d477ddb0317d542089f9a10d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395797.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395797.jpeg</filename> + <path>cam320x240-BOHO-1665095395797.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>22</xmin> + <ymin>16</ymin> + <xmax>194</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8600b139ddd2f04e9a9e44906453f878a558ea1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.xml new file mode 100644 index 0000000000000000000000000000000000000000..d3b005d0c0c5a963006d046e5be493dacd1c1212 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395809.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395809.jpeg</filename> + <path>cam320x240-BOHO-1665095395809.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>42</xmin> + <ymin>48</ymin> + <xmax>218</xmax> + <ymax>224</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..603740c1dd362f91a100b866e9fef31532da557d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.xml new file mode 100644 index 0000000000000000000000000000000000000000..2aff93224da96e28b1f3dd1ab15e44c21e0a1c08 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395818.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665095395818.jpeg</filename> + <path>cam320x240-BOHO-1665095395818.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>299</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cf56c3d833d8463504fa77b135f3e625167b0721 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.xml new file mode 100644 index 0000000000000000000000000000000000000000..6f54617754e0d3c152482549f2832c5a15aaefee --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395819.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395819.jpeg</filename> + <path>cam320x240-BOHO-1665095395819.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>107</xmin> + <ymin>8</ymin> + <xmax>279</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..46d40a625aa04140734e53bbc5af2c2a37f369ed Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.xml new file mode 100644 index 0000000000000000000000000000000000000000..51630e07015e46511968256b2f71b012bd711527 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665095395820.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHO-1665095395820.jpeg</filename> + <path>cam320x240-BOHO-1665095395820.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>1</ymin> + <xmax>234</xmax> + <ymax>165</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8600b139ddd2f04e9a9e44906453f878a558ea1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.xml new file mode 100644 index 0000000000000000000000000000000000000000..e6a05540f7449d26e5d68737c012e232cab9faa3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133308416.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133308416.jpeg</filename> + <path>cam320x240-BOHO-1665133308416.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>42</xmin> + <ymin>48</ymin> + <xmax>218</xmax> + <ymax>224</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f6f1e76e1f95db2065dea729fb03b76f4f95da75 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.xml new file mode 100644 index 0000000000000000000000000000000000000000..624b9cd05a446826adb5efc0b43d1d8f4b5aa463 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133315051.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133315051.jpeg</filename> + <path>cam320x240-BOHO-1665133315051.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>9</ymin> + <xmax>266</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ab98bcb5a5ffc4bef286fff2dc4839adb086a139 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.xml new file mode 100644 index 0000000000000000000000000000000000000000..9eac910c418ed55d2cb3e5763ffc6d78d92ce515 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133370279.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133370279.jpeg</filename> + <path>cam320x240-BOHO-1665133370279.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>25</ymin> + <xmax>258</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8fb7c3f5c53fba474f291e5f5e7196673da2bf1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.xml new file mode 100644 index 0000000000000000000000000000000000000000..d4640306a3951f328deb463e067e0ee2dd852323 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133385757.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133385757.jpeg</filename> + <path>cam320x240-BOHO-1665133385757.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>91</xmin> + <ymin>10</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75278cf96f6a0677073027acdaf712b602d8bc06 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.xml new file mode 100644 index 0000000000000000000000000000000000000000..c64c4a8015c9259f9231ecc1aafb24e6ea625096 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133421114.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133421114.jpeg</filename> + <path>cam320x240-BOHO-1665133421114.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>98</xmin> + <ymin>37</ymin> + <xmax>274</xmax> + <ymax>212</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c27e18e6d37de9979677efd6b99129081bc44278 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.xml new file mode 100644 index 0000000000000000000000000000000000000000..f2f3041352dd89e7b3d37d9f5864c7ca5b15e9a1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133434388.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133434388.jpeg</filename> + <path>cam320x240-BOHO-1665133434388.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>9</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..da6c087c901b3ef43e54f86ad23daf677ef814b7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.xml new file mode 100644 index 0000000000000000000000000000000000000000..1724557ac3d283827e2a9bbaa78a5f5afc3efad6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133442122.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133442122.jpeg</filename> + <path>cam320x240-BOHO-1665133442122.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>120</xmin> + <ymin>24</ymin> + <xmax>293</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3283611d32679847d5c87091eb8df8e4b28a567b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.xml new file mode 100644 index 0000000000000000000000000000000000000000..0d8853aa66361fc8c4882687e526579a7d2e432b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133483007.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133483007.jpeg</filename> + <path>cam320x240-BOHO-1665133483007.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..67f21dc79d4516283a3c36cb1b2b68a567d580ac Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.xml new file mode 100644 index 0000000000000000000000000000000000000000..706abf014dcd1f29965b13a6ba509d61640aae25 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133484110.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133484110.jpeg</filename> + <path>cam320x240-BOHO-1665133484110.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>19</ymin> + <xmax>240</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1b4cfd3e501d1c96a29ad809958b6e9ac87b49f0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.xml new file mode 100644 index 0000000000000000000000000000000000000000..3364174ce98d79fbc62acf1130302e54276ecd6e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133487426.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133487426.jpeg</filename> + <path>cam320x240-BOHO-1665133487426.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>16</ymin> + <xmax>246</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..34bf482a8f99b7f124381ad003872d0a30615a06 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.xml new file mode 100644 index 0000000000000000000000000000000000000000..0dbca2be2c8046c16e33e9bae174b6c5726bef4c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133500685.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133500685.jpeg</filename> + <path>cam320x240-BOHO-1665133500685.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>12</ymin> + <xmax>258</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d0dc4a277b196349b6753f0a37d07109320a941d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.xml new file mode 100644 index 0000000000000000000000000000000000000000..35ccbfea03001f26daabcddc938478008010b99f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133521659.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133521659.jpeg</filename> + <path>cam320x240-BOHO-1665133521659.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>89</xmin> + <ymin>10</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0ce30d38bd35d7a7304b3f05002eaf802c88ff78 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.xml new file mode 100644 index 0000000000000000000000000000000000000000..e57ed88bc980e80a8f0f9fc9c9b01daafb5324c9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133524974.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133524974.jpeg</filename> + <path>cam320x240-BOHO-1665133524974.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>17</ymin> + <xmax>239</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..662fbf83a677f558de60dece1d5335634e63edb5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.xml new file mode 100644 index 0000000000000000000000000000000000000000..762d9d2950eb9fad91db5abf408ee9a33d1358f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133533806.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133533806.jpeg</filename> + <path>cam320x240-BOHO-1665133533806.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>99</xmin> + <ymin>34</ymin> + <xmax>276</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8e9bd77808abb91ffbdf8b372e33c0add0ac6be3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.xml new file mode 100644 index 0000000000000000000000000000000000000000..5f630bd388810f2ed36ba4ef4e6e1a480335cfc7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133559216.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133559216.jpeg</filename> + <path>cam320x240-BOHO-1665133559216.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>19</ymin> + <xmax>245</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e71b08ac4a649dd79c86b952d39a824f3a7540ee Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.xml new file mode 100644 index 0000000000000000000000000000000000000000..5192dba0bae4071d9aa3a50b01bbf71408332114 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133569163.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133569163.jpeg</filename> + <path>cam320x240-BOHO-1665133569163.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>17</ymin> + <xmax>247</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a9960d130bbf5a1bf0bff71fbbe8ef9da27911d0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.xml new file mode 100644 index 0000000000000000000000000000000000000000..07b51f9dcc9ac3d475c0d23ed25f6d637ba77ec7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133628801.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133628801.jpeg</filename> + <path>cam320x240-BOHO-1665133628801.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>9</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3039b0b71a847176fc51cf18ada49668deeb29b6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.xml new file mode 100644 index 0000000000000000000000000000000000000000..791d82902984d2814df2c88718b719865a5aef15 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133639833.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133639833.jpeg</filename> + <path>cam320x240-BOHO-1665133639833.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>20</ymin> + <xmax>246</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4b84078641b35f35efd1b74d992bbbdfbbeeb521 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.xml new file mode 100644 index 0000000000000000000000000000000000000000..7fe722c148dfc4875d4035428bd6e15f6779870f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133661040.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133661040.jpeg</filename> + <path>cam320x240-BOHO-1665133661040.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>91</xmin> + <ymin>10</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d64ed3654cc960cf2fc32bd1d833f68309dd65f5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.xml new file mode 100644 index 0000000000000000000000000000000000000000..2c23ace7f03128bacf270aa5350aa7dd0d4fe6a2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133662145.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133662145.jpeg</filename> + <path>cam320x240-BOHO-1665133662145.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>300</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b6ad17ede58b4c77ed66a16ac6edbae2fee3ede1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.xml new file mode 100644 index 0000000000000000000000000000000000000000..afdb259ce74c0d147322104f24d20423f6ba9ab2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133664355.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133664355.jpeg</filename> + <path>cam320x240-BOHO-1665133664355.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>97</ymin> + <xmax>248</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7abdd51334bad53c9f28f9c74562368dffc38a60 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.xml new file mode 100644 index 0000000000000000000000000000000000000000..49e9919c0b3b6db3c0fcafe23b8db949adaeb35a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133701931.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133701931.jpeg</filename> + <path>cam320x240-BOHO-1665133701931.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>11</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cf71edf211637a0e0360deb48193ae7a8d9e04a2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.xml new file mode 100644 index 0000000000000000000000000000000000000000..71d143db7983e93f3a2177b9fcc85cb362d51f1a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133721828.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133721828.jpeg</filename> + <path>cam320x240-BOHO-1665133721828.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>10</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4cc6a109fe33afab645ef82c1bc4b6e70fdde935 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.xml new file mode 100644 index 0000000000000000000000000000000000000000..fa3e560ec1c449a4df1bb0e29e12930bd8cf357c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133722932.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133722932.jpeg</filename> + <path>cam320x240-BOHO-1665133722932.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>25</ymin> + <xmax>259</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..67feb04459d5b0b7869074b9680d532120e72e73 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.xml new file mode 100644 index 0000000000000000000000000000000000000000..967ff5d24f5f3f4fcf3a319e8ff4aed137b44bd4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133724039.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133724039.jpeg</filename> + <path>cam320x240-BOHO-1665133724039.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>20</ymin> + <xmax>246</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2219b94671cdb35234b26ec89c3451019218f9b2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.xml new file mode 100644 index 0000000000000000000000000000000000000000..988e4ac1903c97cf0bfc949bbff7d266390911b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133726247.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133726247.jpeg</filename> + <path>cam320x240-BOHO-1665133726247.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>20</ymin> + <xmax>246</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fa177da86b1b8a809868348d9e150f20d367ce03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.xml new file mode 100644 index 0000000000000000000000000000000000000000..56200f0eb4430abf794a36761321ff31a9b0f1ce --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133736186.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133736186.jpeg</filename> + <path>cam320x240-BOHO-1665133736186.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>10</ymin> + <xmax>265</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb943bc5b2e091abd05246b141623f0be2e669b2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.xml new file mode 100644 index 0000000000000000000000000000000000000000..95451a055b8f7192552e45b2d4229ed3431e9635 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133764898.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133764898.jpeg</filename> + <path>cam320x240-BOHO-1665133764898.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>17</ymin> + <xmax>244</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b426a9b3f50c25f7be83c9f15770b760c8366545 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.xml new file mode 100644 index 0000000000000000000000000000000000000000..8bac35b0b2b4f6a82340d4306de90b5df1bd2c0b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133801366.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133801366.jpeg</filename> + <path>cam320x240-BOHO-1665133801366.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>18</ymin> + <xmax>246</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a87f5f9e84182d0741965fe7a4578f4e1e94dceb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.xml new file mode 100644 index 0000000000000000000000000000000000000000..7bbca86eee0057269a98c86fd384200ea4ac43a8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133821246.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133821246.jpeg</filename> + <path>cam320x240-BOHO-1665133821246.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>18</ymin> + <xmax>246</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d164d7a5190bbb19e98e3ae1094e044aa13e8471 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.xml new file mode 100644 index 0000000000000000000000000000000000000000..4ad37ae19df01aabd9d53e27c972c034851ca086 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133823456.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133823456.jpeg</filename> + <path>cam320x240-BOHO-1665133823456.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>58</xmin> + <ymin>27</ymin> + <xmax>232</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5d9ee2d1edd46c9065a58a2e46a9c96e5154280f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.xml new file mode 100644 index 0000000000000000000000000000000000000000..e2aaa64dd954506c19c3ab096e432f5da43c339c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133828979.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133828979.jpeg</filename> + <path>cam320x240-BOHO-1665133828979.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>121</xmin> + <ymin>23</ymin> + <xmax>293</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b6c838274ae8eba21faaa9419c9a3c6c749f3477 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.xml new file mode 100644 index 0000000000000000000000000000000000000000..f3eb497a9d9d64b5bd489ac0e36577234e212b1d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133846647.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133846647.jpeg</filename> + <path>cam320x240-BOHO-1665133846647.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>19</ymin> + <xmax>246</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..acd99bb7c01fbfe991295ad392e350e4a131d2b9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.xml new file mode 100644 index 0000000000000000000000000000000000000000..cf6bdda31f056d3cce3eacefda30dff6a4c0ca43 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133852170.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133852170.jpeg</filename> + <path>cam320x240-BOHO-1665133852170.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>18</ymin> + <xmax>240</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5ff21da96f26ce55e7714cddfec50d320ade23b3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.xml new file mode 100644 index 0000000000000000000000000000000000000000..9c2e84bf28599a6bce0f7d40fccfde651f1ba7e3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133908501.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133908501.jpeg</filename> + <path>cam320x240-BOHO-1665133908501.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>19</ymin> + <xmax>244</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..31487017de33b554e21511e2124ee12a4e90f83f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.xml new file mode 100644 index 0000000000000000000000000000000000000000..2c43cf298138b27ab746f9a6b4a16097e7ed8854 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133930605.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133930605.jpeg</filename> + <path>cam320x240-BOHO-1665133930605.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>89</xmin> + <ymin>10</ymin> + <xmax>266</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.jpeg b/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..603740c1dd362f91a100b866e9fef31532da557d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.xml b/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.xml new file mode 100644 index 0000000000000000000000000000000000000000..e37c8af7273a51d7e4af11b51f8d7f0104e1aae8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHO-1665133936132.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHO-1665133936132.jpeg</filename> + <path>cam320x240-BOHO-1665133936132.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHO</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>1</ymin> + <xmax>299</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6a0d401e78fdca42f1cf93b0095192766d2e7c71 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.xml new file mode 100644 index 0000000000000000000000000000000000000000..dddd44022693319ef50e5e7e09c73ba8767a65a2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395479.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395479.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395479.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>39</xmin> + <ymin>30</ymin> + <xmax>215</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cf91b94d4225d0262dfb355810f1946b0bb38eb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.xml new file mode 100644 index 0000000000000000000000000000000000000000..93f96a13ac2b503c220345b249160f97d137b59b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395481.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395481.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395481.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>75</ymin> + <xmax>239</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..afe3129ccf3671491cec37322e106b944716d3af Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.xml new file mode 100644 index 0000000000000000000000000000000000000000..76641895bc70331c1072b686f3a5faef002c29a3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395483.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395483.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395483.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>12</ymin> + <xmax>264</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..88c459726656aac26382b35fd594c8536ff37e3e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.xml new file mode 100644 index 0000000000000000000000000000000000000000..ad32aab335f7a75eaa632c47ff912926faf805fe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395485.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395485.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395485.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>133</xmin> + <ymin>31</ymin> + <xmax>307</xmax> + <ymax>206</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8c2de404a261c6c3aa78386ff0b37010ffc2c4b7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.xml new file mode 100644 index 0000000000000000000000000000000000000000..47fce926ec34e946aff376c7f8a5a89e5a6a346b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395491.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395491.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395491.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>128</xmin> + <ymin>10</ymin> + <xmax>303</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e6349cf334a199f894e15612dd95afc115736213 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.xml new file mode 100644 index 0000000000000000000000000000000000000000..8fd538c879bd5d55be15296238b020cc405b96e8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395497.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395497.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395497.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>7</xmin> + <ymin>10</ymin> + <xmax>178</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e0f8393758ac041e25b350313a4eb01d243440ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.xml new file mode 100644 index 0000000000000000000000000000000000000000..28b89cc532edd07253d046c9f20bdce098a2e179 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395498.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395498.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395498.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>25</xmin> + <ymin>44</ymin> + <xmax>199</xmax> + <ymax>219</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fe51aa07e1a14cb8ac68317c0b25f0488a364d0c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.xml new file mode 100644 index 0000000000000000000000000000000000000000..4d7bbdbae3656ad14a2fedc82652cbb4f6c636a7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395500.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test2</folder> + <filename>cam320x240-BOHOEL-1665095395500.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395500.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>105</xmin> + <ymin>41</ymin> + <xmax>280</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c7afb2846daa8ba9b5c32d886c42110842074b11 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.xml new file mode 100644 index 0000000000000000000000000000000000000000..3b33bce2518d1528e696d2c39baff51fc33d15a3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395506.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395506.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395506.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>23</xmin> + <ymin>3</ymin> + <xmax>197</xmax> + <ymax>177</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e0f8393758ac041e25b350313a4eb01d243440ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.xml new file mode 100644 index 0000000000000000000000000000000000000000..331d34e2e8fb91bd24e9e26514a46f9ae8f32ce2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395507.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395507.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395507.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>25</xmin> + <ymin>44</ymin> + <xmax>199</xmax> + <ymax>219</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e6349cf334a199f894e15612dd95afc115736213 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.xml new file mode 100644 index 0000000000000000000000000000000000000000..6b13b6e5c1c4eab32f0886f3f5bd1042ac85c46f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395520.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395520.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395520.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>7</xmin> + <ymin>10</ymin> + <xmax>178</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..79cb52ecca0b6fd4c5e7bbaf94e980860a28f6a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.xml new file mode 100644 index 0000000000000000000000000000000000000000..c2b6558a6ec237f25a7df3a2dc137e7f3f853aab --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395524.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395524.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395524.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>54</xmin> + <ymin>1</ymin> + <xmax>231</xmax> + <ymax>148</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..afe3129ccf3671491cec37322e106b944716d3af Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.xml new file mode 100644 index 0000000000000000000000000000000000000000..b02abd0e989c52ac118b3ef4fd4c3762a76b12f4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395525.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395525.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395525.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>12</ymin> + <xmax>264</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a0278472813c1bd5c84695489d101c85cbebf478 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.xml new file mode 100644 index 0000000000000000000000000000000000000000..23bda6de71f29c9075d880e17dc9fbeb47f7ec8b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395535.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395535.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395535.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>126</xmin> + <ymin>1</ymin> + <xmax>302</xmax> + <ymax>152</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..023549d10f132bb91609fde6ef55bff13651516b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.xml new file mode 100644 index 0000000000000000000000000000000000000000..cc4a08c885245601b524a90350506bc1c0e31282 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395537.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395537.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395537.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>30</ymin> + <xmax>269</xmax> + <ymax>206</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1f43fb8aa8b1ec4b31b4944ff12c1ddd016ef906 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.xml new file mode 100644 index 0000000000000000000000000000000000000000..f343fc484eaf60e26ae2a7a5c247487eaf0dc39f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395546.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395546.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395546.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>159</xmin> + <ymin>16</ymin> + <xmax>320</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..75c8c7914d26d2557cbb8948c4bd8485fd24ac75 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.xml new file mode 100644 index 0000000000000000000000000000000000000000..ca1269203e5706800d87ec4e4a92dab3df1d2d98 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395547.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395547.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395547.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>47</ymin> + <xmax>226</xmax> + <ymax>223</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6a0d401e78fdca42f1cf93b0095192766d2e7c71 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.xml new file mode 100644 index 0000000000000000000000000000000000000000..affa05e5e1a589a9c0a9e3da1749e2baad236fd1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395551.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395551.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395551.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>39</xmin> + <ymin>30</ymin> + <xmax>215</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..13569137759ba733945765e4327c0071c9eb6eea Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.xml new file mode 100644 index 0000000000000000000000000000000000000000..92ebf4f61fc9ffcae316f84e7485b529d1d3e48e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395562.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395562.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395562.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>35</xmin> + <ymin>51</ymin> + <xmax>211</xmax> + <ymax>227</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..73a83ef4d0f92558ea140c85b2d6f1c8b4130b03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.xml new file mode 100644 index 0000000000000000000000000000000000000000..5c3017affad50f4ee8781486317d4e81e3d0bc81 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395564.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test2</folder> + <filename>cam320x240-BOHOEL-1665095395564.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395564.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>19</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..64c04ca7fbafe80b8315e045abb22c1e3f82d329 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.xml new file mode 100644 index 0000000000000000000000000000000000000000..153667e979edc9fe188dd8eeb54ac264da5888a9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395646.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395646.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395646.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>11</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ac159a3626a10c8d5841cfaee7f07e7990a1d7ee Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.xml new file mode 100644 index 0000000000000000000000000000000000000000..498b29b1c15a29773970c54491e59d1338bb97aa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395653.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395653.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395653.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>110</xmin> + <ymin>23</ymin> + <xmax>284</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..28a727efd773de117cb8e9bcc3d24662ba79be5b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.xml new file mode 100644 index 0000000000000000000000000000000000000000..6f9479b3e9d4a62f931fbd596a5f1f85283212bc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395657.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395657.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395657.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>96</xmin> + <ymin>1</ymin> + <xmax>274</xmax> + <ymax>145</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1f43fb8aa8b1ec4b31b4944ff12c1ddd016ef906 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.xml new file mode 100644 index 0000000000000000000000000000000000000000..be62d8fb49d3ff3f8f0d70bf97c0893819a01111 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395660.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395660.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395660.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>159</xmin> + <ymin>16</ymin> + <xmax>320</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd7a34b71e1dfd53f106a58f6603619963912f30 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.xml new file mode 100644 index 0000000000000000000000000000000000000000..d03ca7223b7a6f4eb95f9b9be5ff37d9bb537ba0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395663.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395663.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395663.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>88</xmin> + <ymin>24</ymin> + <xmax>263</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32e9785856923df24f5ad99e5ec8d6806b5abeed Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.xml new file mode 100644 index 0000000000000000000000000000000000000000..aecbf10bcfe3b7d88b2d2b024e1ac3f10516d5c8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395666.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395666.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395666.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>160</xmin> + <ymin>1</ymin> + <xmax>320</xmax> + <ymax>162</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fe0667692d3de805cc3ef0da8b918a7f7ae50016 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.xml new file mode 100644 index 0000000000000000000000000000000000000000..eece70e3883314f1552c5263c06d75129c4de780 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395667.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395667.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395667.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>105</xmin> + <ymin>56</ymin> + <xmax>282</xmax> + <ymax>232</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c45677c3d194dca38e46ff4bc71eca97d7d6cfbe Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.xml new file mode 100644 index 0000000000000000000000000000000000000000..84c83b27a497332b6acc0d8da2760ee6fe642f52 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395720.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395720.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395720.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>6</ymin> + <xmax>248</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..77acb43d451484c53318c0a38ce9beb6d5815eca Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.xml new file mode 100644 index 0000000000000000000000000000000000000000..4fbb25603a59cbcfe2de8133efe8e96368601d4b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395721.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395721.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395721.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>89</xmin> + <ymin>7</ymin> + <xmax>266</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..64c04ca7fbafe80b8315e045abb22c1e3f82d329 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.xml new file mode 100644 index 0000000000000000000000000000000000000000..0e92d0a75cbadb6f281ec7fe8543599b38d54bcc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395723.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395723.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395723.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>11</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..724834575ac527f7e5ee88e4b5e734c6eaac809c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.xml new file mode 100644 index 0000000000000000000000000000000000000000..19e66652b67e9f35bd09b7594623c856623d350b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395730.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395730.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395730.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>33</xmin> + <ymin>1</ymin> + <xmax>209</xmax> + <ymax>143</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fe51aa07e1a14cb8ac68317c0b25f0488a364d0c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.xml new file mode 100644 index 0000000000000000000000000000000000000000..2d0fcd39459c273a517c982d3e559cbfbd8583d3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395732.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test2</folder> + <filename>cam320x240-BOHOEL-1665095395732.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395732.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>105</xmin> + <ymin>41</ymin> + <xmax>280</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b7d1fc9295479a82024024f8f4104a2966130192 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.xml new file mode 100644 index 0000000000000000000000000000000000000000..feb54555918e8d40c6820d94af9b177fdc23d54f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395734.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395734.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395734.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>32</xmin> + <ymin>10</ymin> + <xmax>206</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5cd222fe38645232f243b1fbb4507bbf0edef0b1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.xml new file mode 100644 index 0000000000000000000000000000000000000000..0d3e466b880f174f99761c3820ef17b586c78ac8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395738.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395738.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395738.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>137</xmin> + <ymin>2</ymin> + <xmax>312</xmax> + <ymax>178</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..13569137759ba733945765e4327c0071c9eb6eea Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.xml new file mode 100644 index 0000000000000000000000000000000000000000..0c829d351e4374f085adfefbbdced7671eb9ec6d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395746.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395746.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395746.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>35</xmin> + <ymin>51</ymin> + <xmax>211</xmax> + <ymax>227</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d6eb09923ad3285c3a63fd8ee018663841a41c76 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.xml new file mode 100644 index 0000000000000000000000000000000000000000..9600f01433af484b824a38916ea8644fbcb8258e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395755.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395755.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395755.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>125</xmin> + <ymin>28</ymin> + <xmax>299</xmax> + <ymax>203</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b820fe362f0eb78ba4f16b447a5fb222585d0d36 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.xml new file mode 100644 index 0000000000000000000000000000000000000000..ac5adfa72f82a3ed90512df0d16c715ab4233f2b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395767.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395767.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395767.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>147</xmin> + <ymin>7</ymin> + <xmax>320</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4cdfd19a5882cfe7458abc3c9146b73d0c65a424 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.xml new file mode 100644 index 0000000000000000000000000000000000000000..73fc9804c3132803228e14dfb9ccb27a71da60fc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395775.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395775.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395775.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>138</xmin> + <ymin>31</ymin> + <xmax>312</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5a10f301fd049577d0d1e186925bc5883039b114 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.xml new file mode 100644 index 0000000000000000000000000000000000000000..85930d88d20c5eb95d4c679fb011ce44af12d227 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395776.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395776.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395776.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>35</xmin> + <ymin>51</ymin> + <xmax>211</xmax> + <ymax>228</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..73a83ef4d0f92558ea140c85b2d6f1c8b4130b03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.xml new file mode 100644 index 0000000000000000000000000000000000000000..f2d0bff418879c27579c3e36497c1d05a942ff86 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395777.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test2</folder> + <filename>cam320x240-BOHOEL-1665095395777.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395777.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>19</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fe51aa07e1a14cb8ac68317c0b25f0488a364d0c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.xml new file mode 100644 index 0000000000000000000000000000000000000000..eac5dcf1c4701f019dfa6ebbde7927f925adadd4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395779.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test2</folder> + <filename>cam320x240-BOHOEL-1665095395779.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395779.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>105</xmin> + <ymin>41</ymin> + <xmax>280</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..88c459726656aac26382b35fd594c8536ff37e3e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.xml new file mode 100644 index 0000000000000000000000000000000000000000..fdf06b7841780b19db973841c115318c67c4be2b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395785.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395785.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395785.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>133</xmin> + <ymin>31</ymin> + <xmax>307</xmax> + <ymax>206</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0f106cc8cced7b955e9d9ae885ee4ce7bdd379c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.xml new file mode 100644 index 0000000000000000000000000000000000000000..90796db00e148c81dd1202f60aaaeb19d1114ca8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395786.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395786.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395786.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>113</xmin> + <ymin>6</ymin> + <xmax>288</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..023549d10f132bb91609fde6ef55bff13651516b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.xml new file mode 100644 index 0000000000000000000000000000000000000000..7dcf5f7fc788784906a4546de6b06b478421ad47 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395788.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395788.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395788.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>30</ymin> + <xmax>269</xmax> + <ymax>206</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ea6719844a16c7fcd8859b9398392007b9d47f49 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.xml new file mode 100644 index 0000000000000000000000000000000000000000..5238b3cea430a8b06fd34bd9886bfbfd6ae931f4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395795.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395795.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395795.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>57</ymin> + <xmax>215</xmax> + <ymax>232</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a4594bc2181f0a61bb56c835704dd46a230c4e04 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.xml new file mode 100644 index 0000000000000000000000000000000000000000..d384edc814afc3fd61b0f71814678b069ef6abc8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395803.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395803.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395803.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>145</xmin> + <ymin>7</ymin> + <xmax>318</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cf91b94d4225d0262dfb355810f1946b0bb38eb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.xml new file mode 100644 index 0000000000000000000000000000000000000000..024361517ee34000a4abe5190780d640aac2c8f4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395814.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395814.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395814.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>75</ymin> + <xmax>239</xmax> + <ymax>240</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a4594bc2181f0a61bb56c835704dd46a230c4e04 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.xml new file mode 100644 index 0000000000000000000000000000000000000000..7ce1cdae74c2bcfac5c92227816f077e6bdcdf25 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395821.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395821.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395821.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>145</xmin> + <ymin>7</ymin> + <xmax>318</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ea6719844a16c7fcd8859b9398392007b9d47f49 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.xml new file mode 100644 index 0000000000000000000000000000000000000000..58c5699973fe240bff976e921cd1cdd5b1fb832a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395822.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395822.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395822.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>40</xmin> + <ymin>57</ymin> + <xmax>215</xmax> + <ymax>232</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4cdfd19a5882cfe7458abc3c9146b73d0c65a424 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.xml b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.xml new file mode 100644 index 0000000000000000000000000000000000000000..dc73511b9718e7bfef32c8e03b3c1bbfa267e060 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOEL-1665095395828.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>test</folder> + <filename>cam320x240-BOHOEL-1665095395828.jpeg</filename> + <path>cam320x240-BOHOEL-1665095395828.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOEL</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>138</xmin> + <ymin>31</ymin> + <xmax>312</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b82a2d185dbb609bfdfc5ee771eaa32eb47a0418 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.xml new file mode 100644 index 0000000000000000000000000000000000000000..eb14918152b1de3800e56672872d7098334bb5b7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395474.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395474.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>25</ymin> + <xmax>259</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b15e7b53f20b03a8e815bf788a93d81f54f3da98 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.xml new file mode 100644 index 0000000000000000000000000000000000000000..e07dd4c1b1625acfbaca8029efb50295c8082a08 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395477.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395477.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>8</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3ba1d653e7eafce7f301a9c343b35b4bc29b933e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.xml new file mode 100644 index 0000000000000000000000000000000000000000..3bd87f9040d6cbbd1fe8965a624fdd67358089e6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395479.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395479.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>8</ymin> + <xmax>243</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd37d23b726725f22634f449b57cb079e86457f4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.xml new file mode 100644 index 0000000000000000000000000000000000000000..ca415e77052a9f90b27e82c1b528381fc779fd20 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395483.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395483.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>7</ymin> + <xmax>242</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..199374f2471bc1b7307746a4f4284695dabeabe1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.xml new file mode 100644 index 0000000000000000000000000000000000000000..30179b2cedffece3fcfab5209a685b7b0f1461c9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395488.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395488.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>11</ymin> + <xmax>249</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd2ef5e4bbc65d79ea74938bd242f17ac33aee00 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.xml new file mode 100644 index 0000000000000000000000000000000000000000..7856c2775e48fe0f16b0398a5afa632e1bfded01 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395493.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395493.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>28</ymin> + <xmax>251</xmax> + <ymax>203</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e0a7d49b6db7f50161ba20823cf94fe5c6fe21ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.xml new file mode 100644 index 0000000000000000000000000000000000000000..afc4a4cf726b0a42a7f26f2c181022c60f348895 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395495.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395495.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>11</ymin> + <xmax>266</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e859972bd2791a2697bf27e1fc50e7fec5ccb81f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.xml new file mode 100644 index 0000000000000000000000000000000000000000..070edbf7cdc0d2cc8c7992764a5b382aa3a078c8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395497.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395497.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>28</ymin> + <xmax>251</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f6d88318c45702fc3942cfa1151dfce811bca828 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.xml new file mode 100644 index 0000000000000000000000000000000000000000..9c423f8c85138f662ac5a095e9ba22b626501dcd --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395506.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395506.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>28</ymin> + <xmax>252</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fa1ffb7ba4d16b1e746081fec12140d6866effc4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.xml new file mode 100644 index 0000000000000000000000000000000000000000..18c64d35555b8c3e909fce6b68b857701c3251e2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395509.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395509.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>87</xmin> + <ymin>20</ymin> + <xmax>263</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0e504f56e78d9f74f25119b4d0ec190ffc8c8022 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.xml new file mode 100644 index 0000000000000000000000000000000000000000..6305cfdd7cff9daac0ee2c336723c1f9b51aaa45 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395528.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395528.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>17</ymin> + <xmax>233</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d46496419852fe9816b5ca1b729b31fb6e621243 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.xml new file mode 100644 index 0000000000000000000000000000000000000000..ef3d43c95b04335a2e5055c27f3dd7fce431c076 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395530.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395530.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>23</ymin> + <xmax>253</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..009fbe7f48987410caf7affbc401175c772bf246 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.xml new file mode 100644 index 0000000000000000000000000000000000000000..85389cf69921d6c53664d1210d992fefdf780a8a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395533.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395533.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>25</ymin> + <xmax>239</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9aa0a717fd121a4fe81ae2cdcc4cdc8472c95b58 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.xml new file mode 100644 index 0000000000000000000000000000000000000000..ab98f568a388ba2624ae7ea40e652034ef7ed7f5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395534.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395534.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>24</ymin> + <xmax>240</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2702d0fa3c01589635990eeb96ee59ee3298bcde Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.xml new file mode 100644 index 0000000000000000000000000000000000000000..b8deb0ef38370df39583be7153e7624c726b1f27 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395552.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395552.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>8</ymin> + <xmax>250</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..aee6c05d9eb94fd19e9d6746f8dc615cf7f80bdf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.xml new file mode 100644 index 0000000000000000000000000000000000000000..59c292cacd9602c9317f9fc6f5e4bf9949052482 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395561.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395561.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a2f98568f5140701d0d46b03d0a58641dd07c940 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.xml new file mode 100644 index 0000000000000000000000000000000000000000..dabeda61ac75dade71de5acc23c15c6b91842f1e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395566.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395566.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f1828c2633e5c082b1d5447c671d4024ba723c49 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.xml new file mode 100644 index 0000000000000000000000000000000000000000..3be6eb71294d57fe71f6c872c9b7f8fbf243a522 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395600.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395600.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..59b72ed7b90992c655175f90acfc996f8a2d513a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.xml new file mode 100644 index 0000000000000000000000000000000000000000..5b29018e048f19a1ef87e619e5eb91bd6c6e1a59 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395622.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395622.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>19</ymin> + <xmax>249</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4724b25e2b1e0d2a7375031a5449d78d405afeb1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.xml new file mode 100644 index 0000000000000000000000000000000000000000..c8d3c8e7717d042fec1ad731d5fdb7d28d6b85a1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395631.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395631.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>25</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1a241c9d491b71c777a463245567bd2847546b16 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.xml new file mode 100644 index 0000000000000000000000000000000000000000..e2dbcb55b963f9f32f24d4ececcf400a5324ef5d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395632.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395632.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>14</ymin> + <xmax>236</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7363f39c5e43f563e75915fa5dbe738f86bc8000 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.xml new file mode 100644 index 0000000000000000000000000000000000000000..4764eca749c66472172b4e77c0511e3c8baefc86 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395634.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395634.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b5af1921c9b2b15edfb1472af7866b4be0d6040b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.xml new file mode 100644 index 0000000000000000000000000000000000000000..9945e6b74192bf26c549d7fbc2aa644cd41b11ea --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395639.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395639.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0eda75fce7f3aff49fcbacf82cc56ba4bf5fdebc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.xml new file mode 100644 index 0000000000000000000000000000000000000000..e7019a6e12920b3313390decef1dcf7e243162dc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395649.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395649.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7395128951f1dc127725201c65049835cf5786ff Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.xml new file mode 100644 index 0000000000000000000000000000000000000000..472db0cc2f9734ad0ba6e476d6e95fd32496dbb3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395657.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395657.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7d82e7805be47dac83236012deabaff50f016fdf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.xml new file mode 100644 index 0000000000000000000000000000000000000000..5f193336ed963556bd96a9754a7676a4aeb1fa6e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395664.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395664.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>19</ymin> + <xmax>255</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56b9095120c2efafd9b089825094cfb6fceb14cd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.xml new file mode 100644 index 0000000000000000000000000000000000000000..96323e341e935953d5ce2bf0ed144bce89eef546 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395670.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395670.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>7</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..65a974db20ccd342da217f98358fd62b8ed34f54 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.xml new file mode 100644 index 0000000000000000000000000000000000000000..d34d99e27a81f0890fdf16dddc42bb8fd3e88fe7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395675.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395675.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32cfbf066ba116e25d9b46268709fb039b46b200 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.xml new file mode 100644 index 0000000000000000000000000000000000000000..c43dfb90f304d19128c6b6ef6b83026cb7a462bb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395698.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395698.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>25</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5f344fa218656a3e0a588bd18c7498c2e48d04bc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.xml new file mode 100644 index 0000000000000000000000000000000000000000..07aa0a6d09b1052cafe8f042ab04a2541f696cb5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395704.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395704.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>19</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ddfb329e9f05ff80fc5d69be37dc64f1fef17cb7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.xml new file mode 100644 index 0000000000000000000000000000000000000000..56b36495d06c75cc197bd7127de8d92920381ffe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395708.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395708.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>9</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a03ed6c5715a4f1bba8b936170e5c9f6d388b212 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.xml new file mode 100644 index 0000000000000000000000000000000000000000..bdc4aecfaa1843f19ac0783fe5b21a75a805459b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395724.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395724.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>13</ymin> + <xmax>236</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..39ac46f31bf22985f6507e82e483bb2a89f7df03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.xml new file mode 100644 index 0000000000000000000000000000000000000000..9db91456732eaf2277b6e58b92b2be9c3e7b2476 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395727.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395727.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>28</ymin> + <xmax>252</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6f85ce832c9ff535bb9cd926dc70143fb6850d05 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.xml new file mode 100644 index 0000000000000000000000000000000000000000..2b903b4fd221006b1058667a05f32074876992a7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395731.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395731.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f7497721534abddee6c5be3fc48fc49fea6cb073 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.xml new file mode 100644 index 0000000000000000000000000000000000000000..eb5700ba2bac8daa91a8e265edca0ddc49e57c56 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395733.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395733.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>227</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..345967b8a3e535efb243af09b6cb1715db383dc3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.xml new file mode 100644 index 0000000000000000000000000000000000000000..08adf2038adbc6c2abcee193260d2e5d551b8369 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395737.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395737.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..26e42149fb9bae59de8d2ad5f1a653b7320a46dc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.xml new file mode 100644 index 0000000000000000000000000000000000000000..90abb08749b45e71a24bb1ba3efd640863af99bc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395748.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>23</ymin> + <xmax>252</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4e0698995850c992e84268521f9799c0d0f7e4fe Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.xml new file mode 100644 index 0000000000000000000000000000000000000000..dddb7e1cf3ab581a74a3d98f7642f586c1b6b428 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395753.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395753.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>228</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..34b77d1a741fb1c631f8fd9611bea73299ea7edf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.xml new file mode 100644 index 0000000000000000000000000000000000000000..3077c4d93350e337a1c002754f9c6c7319a688e2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395771.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395771.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>10</ymin> + <xmax>249</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4007be521908cac0c9cf2939ed99334d5ad48647 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.xml new file mode 100644 index 0000000000000000000000000000000000000000..ea9e57c41a2b89c9253ed74131b269aa8710ab5b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395780.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395780.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>8</ymin> + <xmax>246</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6637a1e284692ee6db96344ca62518969459d226 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.xml new file mode 100644 index 0000000000000000000000000000000000000000..267b28ad2de9a873ffffc00d4a1a0bb02781efd0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395784.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395784.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>24</ymin> + <xmax>241</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d3210af8093b3f0279fee92006ffce2a792f9e57 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.xml new file mode 100644 index 0000000000000000000000000000000000000000..160adfb6c7d5225129e0478016572d8aff8eb437 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395789.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395789.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>227</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..66954c07d495f0229424606868bbdc1fe83922c6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.xml new file mode 100644 index 0000000000000000000000000000000000000000..91c5e4306dde36a1e3659415a7d8bf2714d43635 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395792.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395792.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f361393338f96ab99dd1f0fac460bd929a4ee0c2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.xml new file mode 100644 index 0000000000000000000000000000000000000000..00326845032161f4b88ebacca9896112b15c5413 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395793.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395793.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>87</xmin> + <ymin>21</ymin> + <xmax>264</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ed97182afc9e5f8e4e2c817771d8920f90b7b52d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.xml new file mode 100644 index 0000000000000000000000000000000000000000..034da2fdda7ab5234876f74c9463638eb313a352 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395798.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395798.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>26</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4b7372b64da647a85f8b5605dd0beaf0232091c3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.xml new file mode 100644 index 0000000000000000000000000000000000000000..395e72c73c9f2f30d98293f01234d9ac2fb59896 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395805.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395805.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>16</ymin> + <xmax>244</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32b615af8790470b9fa81123c6f210edefdb001f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.xml new file mode 100644 index 0000000000000000000000000000000000000000..767bfa462d8c9a345f5cd0f8fffbbff64c28ebde --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395807.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395807.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>12</ymin> + <xmax>227</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ba6b1cac282f447bfc15b9fee9f450ba6af8bc6e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.xml new file mode 100644 index 0000000000000000000000000000000000000000..268f79a038a77749ab17bacaeb90de0c12ba2ea7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395811.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395811.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>20</ymin> + <xmax>259</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..91ba462f03e1cefb81ef77d7752740aa506cd60e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.xml new file mode 100644 index 0000000000000000000000000000000000000000..15257c51af0db3003521a1310b10e4ad1817f165 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395814.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395814.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>19</ymin> + <xmax>250</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02b99eca773aa52e982b0affddbe607cafd3fb38 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.xml new file mode 100644 index 0000000000000000000000000000000000000000..df4f173e2dadee113a08b0487b0f502b3e8cf5fa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395817.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395817.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bdfd21cf8cdad0e71ff77a41191aa9645a3a7ae7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.xml new file mode 100644 index 0000000000000000000000000000000000000000..37bdba80246f10cd17105581ffb1e45403d3ce23 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395820.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395820.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>8</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f6b81684fbfeb91bff914dcf941c5588609b54e0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.xml new file mode 100644 index 0000000000000000000000000000000000000000..b00a3a0658eb25eee00d7f1761be989b68749d5c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395826.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395826.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e7b7eabcdaf75ec003766830a4179abb3792e408 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.xml new file mode 100644 index 0000000000000000000000000000000000000000..be59440b71f6223de6400679ba22fe6b8ef71ffe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665095395827.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665095395827.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>269</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b82a2d185dbb609bfdfc5ee771eaa32eb47a0418 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.xml new file mode 100644 index 0000000000000000000000000000000000000000..b7e85aec865fe7cfed6af29b3b18781308d94ea1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133292955.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133292955.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>25</ymin> + <xmax>259</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd2ef5e4bbc65d79ea74938bd242f17ac33aee00 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.xml new file mode 100644 index 0000000000000000000000000000000000000000..f4cf103b752abcb47a8f7d1b90b47363025bc649 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133298476.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133298476.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>28</ymin> + <xmax>251</xmax> + <ymax>203</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bf5594d0c41d46a8ca6547174621d792c6068eef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.xml new file mode 100644 index 0000000000000000000000000000000000000000..17e057a28ef01fb564ed9cf586cdc60613587f38 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133310629.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133310629.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>23</ymin> + <xmax>253</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f1828c2633e5c082b1d5447c671d4024ba723c49 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.xml new file mode 100644 index 0000000000000000000000000000000000000000..e1880145d7420c23e2f0c53fd4cc4780d9c73f5e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133312839.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133312839.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..aee6c05d9eb94fd19e9d6746f8dc615cf7f80bdf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.xml new file mode 100644 index 0000000000000000000000000000000000000000..d9cf6427d26fa7f3f29cdf76a9ced9fafe5cb7d8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133324997.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133324997.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8467f21ed9478c0fe050b425fb23150d7596c4a7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.xml new file mode 100644 index 0000000000000000000000000000000000000000..90b880d31c79e94cd444dd5adf5a38e246d03ea9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133334941.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133334941.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ad034e098f2283870228ff85c80ec00b8d348e4b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.xml new file mode 100644 index 0000000000000000000000000000000000000000..47bb8b55ce1ee5269c245a2a48a36f36f5a8a3ec --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133338256.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133338256.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>8</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..345967b8a3e535efb243af09b6cb1715db383dc3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.xml new file mode 100644 index 0000000000000000000000000000000000000000..af8742d5e08ea6fd870515fc250aac5d1db087d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133339361.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133339361.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c551c67e5227026ceec1609ba54292f70d83f3c0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.xml new file mode 100644 index 0000000000000000000000000000000000000000..9295119a141f6b5adf9fe12533ccd60acaefaf34 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133344883.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133344883.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>10</ymin> + <xmax>249</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d3210af8093b3f0279fee92006ffce2a792f9e57 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.xml new file mode 100644 index 0000000000000000000000000000000000000000..42d0be76ad59b3b7438c5edba33ae40be86b6455 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133357031.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133357031.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>227</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9aa0a717fd121a4fe81ae2cdcc4cdc8472c95b58 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.xml new file mode 100644 index 0000000000000000000000000000000000000000..ab3e2252faf827c0f1922bc296b0d8d990b849d7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133358136.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133358136.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>24</ymin> + <xmax>240</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f361393338f96ab99dd1f0fac460bd929a4ee0c2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.xml new file mode 100644 index 0000000000000000000000000000000000000000..a51104fbafbb5dd8b0c365d8d51c3756ae43b0f5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133372493.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133372493.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>87</xmin> + <ymin>21</ymin> + <xmax>264</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e859972bd2791a2697bf27e1fc50e7fec5ccb81f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.xml new file mode 100644 index 0000000000000000000000000000000000000000..565585114fb2a84d674441a07f804d57c703bf21 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133381333.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133381333.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>28</ymin> + <xmax>251</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9beed33cf2b0409dd2b8c24ce9266830830b56a8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.xml new file mode 100644 index 0000000000000000000000000000000000000000..678d25ec14ad17bdc709d8dd570825dccc5d25f6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133383545.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133383545.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>24</ymin> + <xmax>240</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3ba1d653e7eafce7f301a9c343b35b4bc29b933e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.xml new file mode 100644 index 0000000000000000000000000000000000000000..d7c8675e4eaaad2af05a9fa7f422675db65c8a72 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133395696.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133395696.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>8</ymin> + <xmax>243</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ddfb329e9f05ff80fc5d69be37dc64f1fef17cb7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.xml new file mode 100644 index 0000000000000000000000000000000000000000..08058ceca7a6ad323442fb2ccecddf7b3797b59d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133405642.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133405642.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>9</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4b7372b64da647a85f8b5605dd0beaf0232091c3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.xml new file mode 100644 index 0000000000000000000000000000000000000000..43e5962c2a96b0aff1a19badd5a0ace98676dd35 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133437700.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133437700.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>16</ymin> + <xmax>244</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fa1ffb7ba4d16b1e746081fec12140d6866effc4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.xml new file mode 100644 index 0000000000000000000000000000000000000000..4c68798e00a1f49b563e7f3c9bc013468fea35bd --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133445438.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133445438.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>87</xmin> + <ymin>20</ymin> + <xmax>263</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e7b7eabcdaf75ec003766830a4179abb3792e408 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.xml new file mode 100644 index 0000000000000000000000000000000000000000..1adcc259244ab94cffb7755c145a802ae4cf3423 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133449854.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133449854.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>269</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f7497721534abddee6c5be3fc48fc49fea6cb073 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.xml new file mode 100644 index 0000000000000000000000000000000000000000..1cab42e51a0e346dc11a82d11f4350c66610af46 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133450959.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133450959.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>227</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02b99eca773aa52e982b0affddbe607cafd3fb38 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.xml new file mode 100644 index 0000000000000000000000000000000000000000..0b85c657c3f8798f991e195eab2e25f1eb952fd5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133467535.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133467535.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..951c66435634f316292f98f4ffd925a18c6de51f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.xml new file mode 100644 index 0000000000000000000000000000000000000000..f6ac6030f53f9b06f0922e665d6203dd829c4158 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133498479.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133498479.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>8</ymin> + <xmax>246</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a2f98568f5140701d0d46b03d0a58641dd07c940 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.xml new file mode 100644 index 0000000000000000000000000000000000000000..05c91fcf51ccfc9c5029608e003ee017a24e21a7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133507308.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133507308.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>8</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4724b25e2b1e0d2a7375031a5449d78d405afeb1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.xml new file mode 100644 index 0000000000000000000000000000000000000000..1af755335ff4ad412e63235a6230b1f3d4aa36db --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133509517.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133509517.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>25</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bdfd21cf8cdad0e71ff77a41191aa9645a3a7ae7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.xml new file mode 100644 index 0000000000000000000000000000000000000000..2c0d6452ddde996862f91d435e06cdf0b18e21d2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133510623.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133510623.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>8</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..199374f2471bc1b7307746a4f4284695dabeabe1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.xml new file mode 100644 index 0000000000000000000000000000000000000000..41d82f9cf475acd70976faf7321690d25dc1a7be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133528286.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133528286.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>11</ymin> + <xmax>249</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b15e7b53f20b03a8e815bf788a93d81f54f3da98 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.xml new file mode 100644 index 0000000000000000000000000000000000000000..f558e022d1fc617aa9cc5a71f8f1b3f384cb8457 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133534910.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133534910.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>8</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f6b81684fbfeb91bff914dcf941c5588609b54e0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.xml new file mode 100644 index 0000000000000000000000000000000000000000..c03de06b36df7453136f5926c9499f3ec833d1b0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133537121.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133537121.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6637a1e284692ee6db96344ca62518969459d226 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.xml new file mode 100644 index 0000000000000000000000000000000000000000..6438b47e31ab9540bc03936e21cb34d3d8f01144 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133562535.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133562535.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>24</ymin> + <xmax>241</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0e504f56e78d9f74f25119b4d0ec190ffc8c8022 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.xml new file mode 100644 index 0000000000000000000000000000000000000000..e8d7b0f00f240d1381cae89b0dc80e978db4fb11 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133572475.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133572475.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>17</ymin> + <xmax>233</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd37d23b726725f22634f449b57cb079e86457f4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.xml new file mode 100644 index 0000000000000000000000000000000000000000..655bafb182b364dd76e4dad55ff76806d58a3cbb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133573579.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133573579.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>7</ymin> + <xmax>242</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7d82e7805be47dac83236012deabaff50f016fdf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f3f974970d8b3f440028f04d2e441638ef94a4c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133608920.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133608920.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>19</ymin> + <xmax>255</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9cc889c6d0244281217e6399ad762b56a0c909c5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.xml new file mode 100644 index 0000000000000000000000000000000000000000..6decbd97fee5bd3546d54cba67b6540b47cde193 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133643361.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133643361.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>24</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b5af1921c9b2b15edfb1472af7866b4be0d6040b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.xml new file mode 100644 index 0000000000000000000000000000000000000000..f196662af18fd8f0ca99ce02c99a77e27db97f64 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133653304.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133653304.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..39ac46f31bf22985f6507e82e483bb2a89f7df03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.xml new file mode 100644 index 0000000000000000000000000000000000000000..21142a9766b58c53c8849ec338a764df0e154ff3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133654407.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133654407.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>28</ymin> + <xmax>252</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..59b72ed7b90992c655175f90acfc996f8a2d513a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.xml new file mode 100644 index 0000000000000000000000000000000000000000..b834f68cb44885e84de775375bc316df0e8eff35 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133657723.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133657723.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>19</ymin> + <xmax>249</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4e0698995850c992e84268521f9799c0d0f7e4fe Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.xml new file mode 100644 index 0000000000000000000000000000000000000000..79a62277e09405cf6f9da8fcddfe014bf952e730 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133658828.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133658828.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>11</ymin> + <xmax>228</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..91ba462f03e1cefb81ef77d7752740aa506cd60e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.xml new file mode 100644 index 0000000000000000000000000000000000000000..db8b1605dccbf15563b990b9e314ff55a2b09621 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133693098.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133693098.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>19</ymin> + <xmax>250</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2702d0fa3c01589635990eeb96ee59ee3298bcde Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.xml new file mode 100644 index 0000000000000000000000000000000000000000..9a2fc2dfa2f1b3f9c54abf0c7792fc322d951443 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133711880.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133711880.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>8</ymin> + <xmax>250</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b44ebabbbb85eda7e5be811ccd2d3017ca905b20 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.xml new file mode 100644 index 0000000000000000000000000000000000000000..140593be35005f567b31c1154c0b962033b3a3c6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133712983.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133712983.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7395128951f1dc127725201c65049835cf5786ff Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.xml new file mode 100644 index 0000000000000000000000000000000000000000..fb12141b94dd64f635ac0ed7b468f66ae22c868b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133717407.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133717407.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>18</ymin> + <xmax>239</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..009fbe7f48987410caf7affbc401175c772bf246 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.xml new file mode 100644 index 0000000000000000000000000000000000000000..58a25212c1c6fac5c19f5a1a30bd77ccbc0f6261 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133729554.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133729554.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>25</ymin> + <xmax>239</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4007be521908cac0c9cf2939ed99334d5ad48647 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.xml new file mode 100644 index 0000000000000000000000000000000000000000..4135539be1119f7e01f06f9d92ba978f726cc103 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133752750.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133752750.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>8</ymin> + <xmax>246</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ed97182afc9e5f8e4e2c817771d8920f90b7b52d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.xml new file mode 100644 index 0000000000000000000000000000000000000000..883c2d1ba89dcb86e5140cf534071089b26d072c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133763792.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133763792.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>26</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f6d88318c45702fc3942cfa1151dfce811bca828 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.xml new file mode 100644 index 0000000000000000000000000000000000000000..2b5e0783ceb8e44241abd59d1580b5d94a39e082 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133768215.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133768215.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>28</ymin> + <xmax>252</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..34b77d1a741fb1c631f8fd9611bea73299ea7edf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.xml new file mode 100644 index 0000000000000000000000000000000000000000..bf4aa5913a276ee85942583ccce0dd2beb1c3194 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133779271.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133779271.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>10</ymin> + <xmax>249</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..66954c07d495f0229424606868bbdc1fe83922c6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.xml new file mode 100644 index 0000000000000000000000000000000000000000..6ad1371a0dd6a55b1732923d9ce4e35fb8ab0bd9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133785893.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133785893.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0eda75fce7f3aff49fcbacf82cc56ba4bf5fdebc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.xml new file mode 100644 index 0000000000000000000000000000000000000000..724455c7721e7fc85dbbb1bbc5521a10ce9d97c6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133795841.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133795841.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e0a7d49b6db7f50161ba20823cf94fe5c6fe21ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.xml new file mode 100644 index 0000000000000000000000000000000000000000..c74b557e240dc72a69f6a7728d550ecb5ef01627 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133798052.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133798052.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>11</ymin> + <xmax>266</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5f344fa218656a3e0a588bd18c7498c2e48d04bc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.xml new file mode 100644 index 0000000000000000000000000000000000000000..aa811e3a23ae936c36f0c49f39bffc73db950396 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133811298.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133811298.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>19</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ba6b1cac282f447bfc15b9fee9f450ba6af8bc6e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.xml new file mode 100644 index 0000000000000000000000000000000000000000..dedb2f9924327e21584ce1dc8e1a23f5fd43e3b6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133819034.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133819034.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>20</ymin> + <xmax>259</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6f85ce832c9ff535bb9cd926dc70143fb6850d05 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.xml new file mode 100644 index 0000000000000000000000000000000000000000..74478788c28a1488132b5501f887fe894e4ad359 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133833398.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133833398.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d46496419852fe9816b5ca1b729b31fb6e621243 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.xml new file mode 100644 index 0000000000000000000000000000000000000000..3193707ec61614af5e8a0a62a6ae0b68f0377ece --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133835608.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133835608.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>23</ymin> + <xmax>253</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a03ed6c5715a4f1bba8b936170e5c9f6d388b212 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.xml new file mode 100644 index 0000000000000000000000000000000000000000..e743e64bd85dcfc680f5088be604e41fa714fa6d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133841132.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133841132.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>13</ymin> + <xmax>236</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5e6f41dd4ffdd834d6177090ac654c94c780d54a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.xml new file mode 100644 index 0000000000000000000000000000000000000000..9eec188ca3bbcfbe7280dc88e09f7c1e84c8f228 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133857696.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133857696.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1a241c9d491b71c777a463245567bd2847546b16 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.xml new file mode 100644 index 0000000000000000000000000000000000000000..d7db58c46ac754e564e16f32fef331a88d51117f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133867637.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133867637.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>14</ymin> + <xmax>236</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56b9095120c2efafd9b089825094cfb6fceb14cd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.xml new file mode 100644 index 0000000000000000000000000000000000000000..67d735a805f1cd6cc931fe0d404789968a21531f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133878683.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133878683.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>7</ymin> + <xmax>242</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..65a974db20ccd342da217f98358fd62b8ed34f54 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.xml new file mode 100644 index 0000000000000000000000000000000000000000..d043a2e4b2d4479ed2c8e90c7646932ab04e30f7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133881994.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133881994.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..26e42149fb9bae59de8d2ad5f1a653b7320a46dc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.xml new file mode 100644 index 0000000000000000000000000000000000000000..c99121372060dcfc65b9be4089d4be3c74793b7f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133894143.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133894143.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>23</ymin> + <xmax>252</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9d39700aab86f1817f85ccc08aca30d6a068e65c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.xml new file mode 100644 index 0000000000000000000000000000000000000000..c7cd0d186fb93c8d30068709e431e655f9375514 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133921759.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133921759.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>25</ymin> + <xmax>240</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32b615af8790470b9fa81123c6f210edefdb001f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.xml new file mode 100644 index 0000000000000000000000000000000000000000..74afb74110404054162375a5aab4e01297969956 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133941657.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133941657.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>12</ymin> + <xmax>227</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32cfbf066ba116e25d9b46268709fb039b46b200 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.xml new file mode 100644 index 0000000000000000000000000000000000000000..6a01c052b98c2313486433dbf082a1b79035c148 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133950495.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133950495.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>25</ymin> + <xmax>258</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f350f7c32920464434f62ea7de13cdddd6b47fb8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.xml new file mode 100644 index 0000000000000000000000000000000000000000..b021fc643ffc162f8becd2aa3de94725a7c8141e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133961539.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133961539.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>6</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7363f39c5e43f563e75915fa5dbe738f86bc8000 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.xml new file mode 100644 index 0000000000000000000000000000000000000000..23148ec1126fa31cae4c713ec727ff65f06bfd01 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO1-1665133972588.jpeg</filename> + <path>cam320x240-BOHOMIPO1-1665133972588.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7400b5b69959f90de0e63802f2404259d2af9035 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.xml new file mode 100644 index 0000000000000000000000000000000000000000..a336630e165eaea6d90d66f3880e76c116ea1cb0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395476.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395476.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>13</ymin> + <xmax>268</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1462be3dafa21865a31aa640140bababbef87778 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.xml new file mode 100644 index 0000000000000000000000000000000000000000..6665c31969bd91164f305f2c56cb22c2122e29d8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395480.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395480.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>21</ymin> + <xmax>248</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..11e4ab9254b20d8b83e89872cfb0fd5a93188dc2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f20852071fc0936583abd8bdc615d49a3b734da --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395481.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395481.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>10</ymin> + <xmax>245</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a903ea352f3723c4f56eb4a240e310680b7a92c5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.xml new file mode 100644 index 0000000000000000000000000000000000000000..9cc327da883b26e94ca0c0b348dfc8c3c532574d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395486.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395486.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>7</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb9623e92b47a8ef6a310af24f102f57c83c7c17 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.xml new file mode 100644 index 0000000000000000000000000000000000000000..8af7226274325e3e8645cf267c9f56fea94bab19 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395490.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395490.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>6</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56919ad573934b284efc4ad15f3a205c75cc5b44 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.xml new file mode 100644 index 0000000000000000000000000000000000000000..d0fb020bb2195ccbf368cc46946718f9b775f9ef --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395491.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395491.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>9</ymin> + <xmax>259</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8770b3434f573f075de81ebbf7b8df80f6ec0018 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.xml new file mode 100644 index 0000000000000000000000000000000000000000..7841c3a4d23ad6b7efb4b2be4821e3cf93c46fe9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395494.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395494.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3114c8c0b06aa7370900b7a71a3a948ad0b146c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.xml new file mode 100644 index 0000000000000000000000000000000000000000..c7d851a522ce5b7c55ea8d3fcfa2e6291b9ebcb2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395496.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395496.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f8879655cdff05ef134a042c16991a61ba5cf2a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.xml new file mode 100644 index 0000000000000000000000000000000000000000..af0fcbc8a1fecf73923ae10ec972af99b0bd8118 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395505.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395505.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6502472ce35f8bc3a6ff1ed3bdcbf84848ff09ca Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.xml new file mode 100644 index 0000000000000000000000000000000000000000..1cc7b52999c5727077885223e74eaf8cc20fc121 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395512.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395512.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>13</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8fb54f1363353886ed33d3388524f140e06307f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.xml new file mode 100644 index 0000000000000000000000000000000000000000..62fa0697244dfd05896b03819b9c5612bb184a32 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395518.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395518.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5926757d2c27f1214520d47ec4aa5a44b733f788 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.xml new file mode 100644 index 0000000000000000000000000000000000000000..12d40c28242bd7210ef575ea5d4a1c17591006a9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395522.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395522.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6d6e35f50d1f3b9879a0730e10649e47b2921b85 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.xml new file mode 100644 index 0000000000000000000000000000000000000000..4192b097ddbd8d5bc521fa8805032387c122f2f6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395531.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395531.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>34</ymin> + <xmax>237</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b206cf1e618ca12e82a61400f4db13569d4fb095 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.xml new file mode 100644 index 0000000000000000000000000000000000000000..59552254fb8873fc78934bea5fc32ae065e12ebe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395533.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395533.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>13</ymin> + <xmax>268</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..43f26fb196f7f1589dc68c21d4d1a47fb96b63e9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.xml new file mode 100644 index 0000000000000000000000000000000000000000..cf8f3672a50ec5623517ba11cd81e8b9ff7c5001 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395535.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395535.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>16</ymin> + <xmax>248</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..17ea7a4873874a565738735429f2a83cdf6edfd9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.xml new file mode 100644 index 0000000000000000000000000000000000000000..dade6a2920032a75faa32e5b8af691ccee7a64e0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395536.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395536.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>19</ymin> + <xmax>249</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5ce1baa925f644e588021977d084f2b089f101a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.xml new file mode 100644 index 0000000000000000000000000000000000000000..15badee56f4779a9c5abe38feb97630247fe8457 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395539.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395539.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>9</ymin> + <xmax>246</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..154a536d8894a3c07db1292cc851ef6e790317b1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.xml new file mode 100644 index 0000000000000000000000000000000000000000..84e4a29225e666ec77f9214811c0fda7a4d128e2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395540.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395540.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>11</ymin> + <xmax>242</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cc997cc7fb5ab9d68eb799f2ef919f8a07c8b10 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.xml new file mode 100644 index 0000000000000000000000000000000000000000..3ff2d2ff62ae8117f33218bc4d6398d14c3a26fa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395557.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395557.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>7</ymin> + <xmax>253</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..179b8ba5c8fc21cdc09ef75439dfdd39c196f8bc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.xml new file mode 100644 index 0000000000000000000000000000000000000000..e49774dc7995bb7048c6d8cec4ed0d71f3928f55 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395564.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395564.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>10</ymin> + <xmax>260</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9ba54dc61b7dc5dc6348150144da6c0c82e9ea15 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.xml new file mode 100644 index 0000000000000000000000000000000000000000..fa7c0cb339fd1a262cf11e2bfe3eea5e847a440c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395567.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395567.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>13</ymin> + <xmax>267</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..81c48ff5a014a6402719e4f16184159ef5bbfda9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.xml new file mode 100644 index 0000000000000000000000000000000000000000..6bffcf0b0b89853a0ca967ec220df42077ab485e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395607.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395607.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4a7bc3c6d967612b6f7e21140f1246d5c34647d9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.xml new file mode 100644 index 0000000000000000000000000000000000000000..f370e12d875d88702079bc7019b708ebb71443ff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395615.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395615.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>10</ymin> + <xmax>259</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e8d28b6f287f8f24f4789b7fad2df181508f7656 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.xml new file mode 100644 index 0000000000000000000000000000000000000000..8048be7dd04fb37cdee60ff83570814a86af462a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395636.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395636.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>15</ymin> + <xmax>262</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..af4db580f72e812223ab87aba27b2836f6165c79 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.xml new file mode 100644 index 0000000000000000000000000000000000000000..da6c9679ad00eb8d4fc60d3336b8b2bb4012e881 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395642.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395642.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8c1136d3b3ee3c59f63fe1e524bfa4ff14a98019 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.xml new file mode 100644 index 0000000000000000000000000000000000000000..c26ca9e99f5b067871ad17084e9770df69491d0f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395643.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395643.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>15</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..71b1f38c2d9571d6611e98e4594edfa9e73960af Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.xml new file mode 100644 index 0000000000000000000000000000000000000000..b9884d8254bd10e8359ac26ffbe192cfd2fe2a41 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395647.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395647.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>16</ymin> + <xmax>248</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8ed0a55de362312e5dac127a2b9a801d61d9ba4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.xml new file mode 100644 index 0000000000000000000000000000000000000000..2d3122340509a86e198d411e9b01251390ab8461 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395650.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395650.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>10</ymin> + <xmax>246</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..361ed7856a396fdf184fcb5e6a5ae261fe540249 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.xml new file mode 100644 index 0000000000000000000000000000000000000000..eb21409a23119640fb88e4545019d3a22cb107f1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395651.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395651.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>15</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..218018994a8e5218fb1d61f386ed17379fb9669e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.xml new file mode 100644 index 0000000000000000000000000000000000000000..980b844cc1e384d5577e55a0d8d8128323c75687 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395655.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395655.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5ad1f02b5c6abec5470b785170864a2d36c6c4a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.xml new file mode 100644 index 0000000000000000000000000000000000000000..f2b3c14832332490e693436b81d88c23ae6356f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395659.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395659.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>12</ymin> + <xmax>259</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..78c558a6261dd7ebad65a3d17aa3757a0b907553 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.xml new file mode 100644 index 0000000000000000000000000000000000000000..c3c1b25a114170e24eae81ea0eb236c6be0d2f38 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395664.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395664.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>7</ymin> + <xmax>257</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..00998de78c3c8e8ef9aeee9697edf2e84f0f4dc5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.xml new file mode 100644 index 0000000000000000000000000000000000000000..34afa1ea4907a3bb2b10df997ed463739e45e0cc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395675.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395675.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>11</ymin> + <xmax>225</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5b48ecf4bd30c0d8398817b7a1d52cfffbe68ab8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.xml new file mode 100644 index 0000000000000000000000000000000000000000..432ddfcabf7d86034d51d0c2f00a06f0bbd8e73f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395678.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395678.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>9</ymin> + <xmax>245</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9a690c9c873cbfb4c357cf3b03fa5f0e8edf2626 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.xml new file mode 100644 index 0000000000000000000000000000000000000000..672bb39434164b343e9995ffe3ffbe5fed89a5f5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395680.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395680.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>14</ymin> + <xmax>261</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c2d63664b01985fe6874d44a2443955256f33ea4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.xml new file mode 100644 index 0000000000000000000000000000000000000000..78db85f0bb8f24f2707137a27727080bde0efdc7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395682.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395682.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02342620c52227168f6d64ff0ad0dc35e527cac7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.xml new file mode 100644 index 0000000000000000000000000000000000000000..6677175e682a143f11d8eadbd03fd9b4dafa6605 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395683.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395683.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..66be2ac8fee71dac2ff6d0e5cd0acfc537a970f8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.xml new file mode 100644 index 0000000000000000000000000000000000000000..de287762c28422db626287ad08021f31ba7d967d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395706.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395706.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f4a0426165e134a6ad75d956dbb036777c879348 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.xml new file mode 100644 index 0000000000000000000000000000000000000000..09a24990293cb75e3b72a9b15a17d6dfec66e901 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395711.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395711.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f5bdd812b55b70aa93d898ee7f4b25ad5cb4da18 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.xml new file mode 100644 index 0000000000000000000000000000000000000000..36f5ae2011a3888b408511106ee789c3aa88ec34 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395712.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395712.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>242</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2c324990b331b555cd512c7a851ce9e432520212 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.xml new file mode 100644 index 0000000000000000000000000000000000000000..76792d9884942eb3bffb2483c9826cca34c63ab5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395713.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395713.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>7</ymin> + <xmax>257</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9762685c1bd37606231abb94e91094a8bbc8a3e7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.xml new file mode 100644 index 0000000000000000000000000000000000000000..d8707368e6f7d874227d49c843b4c1c658fd6036 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395717.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395717.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>16</ymin> + <xmax>247</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5de86b60b13431d40302abbba147c20eb9181210 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.xml new file mode 100644 index 0000000000000000000000000000000000000000..45dcae2243d664c7a1f5f6e57fcd57445fd1a6e6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395719.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395719.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..be54369ba90c1dcfb28c9f03ffe027bda948faa0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.xml new file mode 100644 index 0000000000000000000000000000000000000000..8c04ce4b901a62df97d95ebbfeb8cd017cd96604 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395725.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395725.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>16</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f0a4576620bb3f07f086103efdcac3defa10e5c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.xml new file mode 100644 index 0000000000000000000000000000000000000000..07cea271aec04f375009b4446fe7e5e8625236ab --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395730.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395730.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3236568f9ee64e93c3e898dd0027b70c44498f20 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.xml new file mode 100644 index 0000000000000000000000000000000000000000..4ae743436cdb4b149f64f34cf06d3da379b0236b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395744.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395744.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>9</ymin> + <xmax>259</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..30f3fa2eae833ed15748b0ec595eb295e93afd1b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.xml new file mode 100644 index 0000000000000000000000000000000000000000..eb2bb05670dea09784c696e4f4035583944d4e52 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395759.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395759.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>51</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b50f946be6fd1fcc50459dc6c786e5cda28a656a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.xml new file mode 100644 index 0000000000000000000000000000000000000000..77333d843293e42d1d397af16d3e0bf805182d90 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395768.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395768.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>13</ymin> + <xmax>267</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5bc1c8e57a5fd878fa445c9918fe520928e47e1c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.xml new file mode 100644 index 0000000000000000000000000000000000000000..c6d1015f14aef8d6e5fd8d3b0446f831e7a85b4e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395769.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395769.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7d1a82390045c0bfd6ff69152ef7410c634363ad Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.xml new file mode 100644 index 0000000000000000000000000000000000000000..7eb97ba4df4101e0a1af4d8cc1c5b5f066faa320 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395772.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395772.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0779765620d3f348f56a938e33bc02e745f4f782 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.xml new file mode 100644 index 0000000000000000000000000000000000000000..f4e6e101973709e9ffd3a1b6b87ba8c2309fbbcf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395774.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395774.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c4a6d9cc804da594a0f1deb9d7d5a396e969d59d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.xml new file mode 100644 index 0000000000000000000000000000000000000000..6d847f09c69da128beaba3011c9e5ef529573ba7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395783.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395783.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>20</ymin> + <xmax>249</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a326c1b0334d3bff1a3da1672236c67c560e00dd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.xml new file mode 100644 index 0000000000000000000000000000000000000000..5e0345292d4c4e96351166075e5744df7d65e267 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395787.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395787.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02c6ddd3c3c506618682078a7a588200d5e7b42d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.xml new file mode 100644 index 0000000000000000000000000000000000000000..7a2b84686b652e174169b1d1b8b64bdeff5f3155 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395806.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395806.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9283fed2e8cc6e62673405425be11051fa571d6b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.xml new file mode 100644 index 0000000000000000000000000000000000000000..89dd849edb88ce9d811f3c7e72c6608a3c37d941 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395822.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395822.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>7</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1c55673450010d0c3a7ba7dcf57e6aa8da06ee32 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.xml new file mode 100644 index 0000000000000000000000000000000000000000..9550338104cef7b2b9719fb6541afb96f018fed6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395823.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395823.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>14</ymin> + <xmax>237</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0714247d1e15edcb59e570f3a07b7786d7d94907 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.xml new file mode 100644 index 0000000000000000000000000000000000000000..cb7d5cec5d345d36b22447a8d34025ee2e7c7af3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665095395825.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665095395825.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>34</ymin> + <xmax>234</xmax> + <ymax>209</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..361ed7856a396fdf184fcb5e6a5ae261fe540249 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.xml new file mode 100644 index 0000000000000000000000000000000000000000..8a6a6c09b69ad17e74eae1402ea53495fe6e0a5e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133294056.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133294056.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>15</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e8d28b6f287f8f24f4789b7fad2df181508f7656 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.xml new file mode 100644 index 0000000000000000000000000000000000000000..b5cf01c453c3ae00060f77087a90f7696465ca33 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133299582.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133299582.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>15</ymin> + <xmax>262</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..00998de78c3c8e8ef9aeee9697edf2e84f0f4dc5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.xml new file mode 100644 index 0000000000000000000000000000000000000000..f32c4d1478461b85ddc9cc120f87cb601c46cd0c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133300685.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133300685.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>11</ymin> + <xmax>225</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7f0e292f4d5525d148952948c71cd42d0ea5d375 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.xml new file mode 100644 index 0000000000000000000000000000000000000000..59132344cc0d88c737ff7e1184223d05b0360c94 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133306206.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133306206.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>20</ymin> + <xmax>249</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a5af358d7500956c962d1b97d39c38dc13363e9e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.xml new file mode 100644 index 0000000000000000000000000000000000000000..dff2e0d91bc40c484b69c24fdabc27aeb470b087 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133320572.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133320572.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..df4d712902020199639dfa2c3d679a168a225b78 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.xml new file mode 100644 index 0000000000000000000000000000000000000000..60bd82b9fd8a5a80d7858f4c5387beb391bac4db --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133330523.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133330523.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4a7bc3c6d967612b6f7e21140f1246d5c34647d9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.xml new file mode 100644 index 0000000000000000000000000000000000000000..4fa623e77b949498e32cad7ed9eabe218aa6c441 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133331628.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133331628.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>10</ymin> + <xmax>259</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f4a0426165e134a6ad75d956dbb036777c879348 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.xml new file mode 100644 index 0000000000000000000000000000000000000000..ca8dffd86aeb0adc3fdebf2cfa9da62bd939f47e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133333838.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133333838.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5cdee6fd5cb6d613a6d82256238aa0f2f4c066fa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.xml new file mode 100644 index 0000000000000000000000000000000000000000..f2265bc3cb1b916896e671b95e8b342f165333de --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133340466.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133340466.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>7</ymin> + <xmax>256</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7ea96e99ac4c68164c490853f124d789b077cd98 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.xml new file mode 100644 index 0000000000000000000000000000000000000000..87475ef3c6b0133ec1def6a53bc930ce8773f894 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133341572.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133341572.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>8</ymin> + <xmax>256</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..43f26fb196f7f1589dc68c21d4d1a47fb96b63e9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.xml new file mode 100644 index 0000000000000000000000000000000000000000..02d3abace56c6b4d774f8978a6c7d4cb7386127c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133350401.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133350401.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>16</ymin> + <xmax>248</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9ba54dc61b7dc5dc6348150144da6c0c82e9ea15 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.xml new file mode 100644 index 0000000000000000000000000000000000000000..39ef3ed0e916972bd3fffa32073abe8bc4313ebe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133360345.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133360345.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>13</ymin> + <xmax>267</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9283fed2e8cc6e62673405425be11051fa571d6b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.xml new file mode 100644 index 0000000000000000000000000000000000000000..dcf6929ccd3cb3b937db6624bb941279bb63014d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133368070.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133368070.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>7</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b206cf1e618ca12e82a61400f4db13569d4fb095 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.xml new file mode 100644 index 0000000000000000000000000000000000000000..2c03d35680815e9e19e5744ba566f36a6ccc1cb4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133391281.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133391281.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>13</ymin> + <xmax>268</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..be54369ba90c1dcfb28c9f03ffe027bda948faa0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.xml new file mode 100644 index 0000000000000000000000000000000000000000..f0a8a287e36b61afac1db2f2adc39b0a775141c4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133404538.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133404538.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>16</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9762685c1bd37606231abb94e91094a8bbc8a3e7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.xml new file mode 100644 index 0000000000000000000000000000000000000000..709496946b46825581f48165022396c356ab96cf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133420008.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133420008.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>16</ymin> + <xmax>247</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5926757d2c27f1214520d47ec4aa5a44b733f788 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.xml new file mode 100644 index 0000000000000000000000000000000000000000..36cd98618f9e70337dd0d439bea38104acc8dd60 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133429959.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133429959.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..71b1f38c2d9571d6611e98e4594edfa9e73960af Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.xml new file mode 100644 index 0000000000000000000000000000000000000000..9a5325fe355d7bbfddbec1587053bc7417d4eb7e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133433281.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133433281.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>16</ymin> + <xmax>248</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c2d63664b01985fe6874d44a2443955256f33ea4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.xml new file mode 100644 index 0000000000000000000000000000000000000000..cab24277c4dcc04cbd74487c35cf933290fd527d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133438806.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133438806.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ed31e7e908617935267d503617d616d7c824e2be Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.xml new file mode 100644 index 0000000000000000000000000000000000000000..7d91c9a4021733118345a5e4de5ba1d314d7fe5f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133447646.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133447646.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>9</ymin> + <xmax>260</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..218018994a8e5218fb1d61f386ed17379fb9669e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.xml new file mode 100644 index 0000000000000000000000000000000000000000..c3097a492f1060ccd0941d8963a9c1938fecf51c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133465324.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133465324.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5ad1f02b5c6abec5470b785170864a2d36c6c4a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.xml new file mode 100644 index 0000000000000000000000000000000000000000..83cc34df8ea55a0bc2e53947b1ca3a53a8a656a7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133473058.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133473058.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>12</ymin> + <xmax>259</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..30f3fa2eae833ed15748b0ec595eb295e93afd1b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.xml new file mode 100644 index 0000000000000000000000000000000000000000..0cafb2a076df2a7f470219521c8926398bf55934 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133497375.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133497375.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>51</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8fb54f1363353886ed33d3388524f140e06307f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.xml new file mode 100644 index 0000000000000000000000000000000000000000..330ef4aba8ca259a6514bccbf704e1f041d6dab2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133502888.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133502888.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1286f7eb5f825783243f17594811332ca1dce75a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.xml new file mode 100644 index 0000000000000000000000000000000000000000..f73c86a4b8c8d4f74426ea47036ff2eed5314cf3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133505100.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133505100.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>13</ymin> + <xmax>268</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3236568f9ee64e93c3e898dd0027b70c44498f20 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.xml new file mode 100644 index 0000000000000000000000000000000000000000..78a5d9a1e118cf541875d447a1cbb34d4c54dfbc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133508412.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133508412.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>9</ymin> + <xmax>259</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb9623e92b47a8ef6a310af24f102f57c83c7c17 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.xml new file mode 100644 index 0000000000000000000000000000000000000000..62e15bcc775aa087cfa5a7313e71aa6247993266 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133522763.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133522763.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>6</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02c6ddd3c3c506618682078a7a588200d5e7b42d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.xml new file mode 100644 index 0000000000000000000000000000000000000000..8943ccf9bfd061d0e82d46b19580329f9078f2ff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133545962.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133545962.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>14</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8770b3434f573f075de81ebbf7b8df80f6ec0018 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.xml new file mode 100644 index 0000000000000000000000000000000000000000..5a594f8b484c3b6fb51b7557be045cd5a031a67e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133560323.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133560323.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f0a4576620bb3f07f086103efdcac3defa10e5c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.xml new file mode 100644 index 0000000000000000000000000000000000000000..1cc4150b3351354473f17e5e49b7eba39f4fc90a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133590142.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133590142.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5a94e5c376cfb5d4daf433840acff61aede5061a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.xml new file mode 100644 index 0000000000000000000000000000000000000000..395658a59888ceecfba6477d1a94b52a358df12e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133613333.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133613333.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>10</ymin> + <xmax>244</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b50f946be6fd1fcc50459dc6c786e5cda28a656a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.xml new file mode 100644 index 0000000000000000000000000000000000000000..20becb97181ac2aeeba7d8888043a4c1464a9a93 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133618853.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133618853.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>13</ymin> + <xmax>267</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..66be2ac8fee71dac2ff6d0e5cd0acfc537a970f8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.xml new file mode 100644 index 0000000000000000000000000000000000000000..c4fedd2986cf093cdb836da97a207394322cb625 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133629902.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133629902.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..17ea7a4873874a565738735429f2a83cdf6edfd9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.xml new file mode 100644 index 0000000000000000000000000000000000000000..2627bffe9c90ac615c1bb9d2a5d51ec8d376f6e9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133640938.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133640938.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>19</ymin> + <xmax>249</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a326c1b0334d3bff1a3da1672236c67c560e00dd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.xml new file mode 100644 index 0000000000000000000000000000000000000000..172ef0d9cfe0959a2e77a27444d7f06ab18fa2c3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133642256.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133642256.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8ed0a55de362312e5dac127a2b9a801d61d9ba4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.xml new file mode 100644 index 0000000000000000000000000000000000000000..40c00c4406209f431b5fdbc15d2ac8262375e2b2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133645571.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133645571.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>10</ymin> + <xmax>246</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c586c1db60e837f4e4bc0549f42d1ab9f4ca33cc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.xml new file mode 100644 index 0000000000000000000000000000000000000000..bc88a7d95b306419d6be24dd182e91823162b70b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133669878.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133669878.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..154a536d8894a3c07db1292cc851ef6e790317b1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.xml new file mode 100644 index 0000000000000000000000000000000000000000..5357df316717dad800846593e17f5cd0618b010e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133670982.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133670982.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>11</ymin> + <xmax>242</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fd4d667b0cb23ac53d5039000568f94b2e48ce04 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.xml new file mode 100644 index 0000000000000000000000000000000000000000..cea15fa618ae9a34e14ec2b5df533f7ee070cf9f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133678723.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133678723.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>10</ymin> + <xmax>259</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4148838c400a92bac36388f221541f4fc33f2cbd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.xml new file mode 100644 index 0000000000000000000000000000000000000000..a76fbe7a764de3647b0e1662ddd5324d496c5de5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133685358.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133685358.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>19</ymin> + <xmax>245</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f8879655cdff05ef134a042c16991a61ba5cf2a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.xml new file mode 100644 index 0000000000000000000000000000000000000000..fb23f99e5ae4d4fa0c57771d4bfff97711b364b2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133704136.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133704136.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..179b8ba5c8fc21cdc09ef75439dfdd39c196f8bc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.xml new file mode 100644 index 0000000000000000000000000000000000000000..b634dbcd982c93bbf55d816a15d866a03741a2ff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133725145.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133725145.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>10</ymin> + <xmax>260</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5b48ecf4bd30c0d8398817b7a1d52cfffbe68ab8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.xml new file mode 100644 index 0000000000000000000000000000000000000000..0291ffdcb8c7443395811c73ed761831a606c720 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133728451.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133728451.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>9</ymin> + <xmax>245</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..794fed306c8c27be55c69fedac4d4750274d9766 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a7fefa6be28be71da0fcc2dbf0064c7c017f6e5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133737289.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133737289.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>10</ymin> + <xmax>245</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..11e4ab9254b20d8b83e89872cfb0fd5a93188dc2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.xml new file mode 100644 index 0000000000000000000000000000000000000000..c7ce9a4cc920780375383ce2e6e0db61627742fa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133738393.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133738393.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>10</ymin> + <xmax>245</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02342620c52227168f6d64ff0ad0dc35e527cac7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.xml new file mode 100644 index 0000000000000000000000000000000000000000..ef0aac040d1c4b8e312d03abc780938cc1738836 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133753854.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133753854.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..81c48ff5a014a6402719e4f16184159ef5bbfda9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.xml new file mode 100644 index 0000000000000000000000000000000000000000..65618a02d4004ded2f4e9d239f04fb72be7b8826 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133762687.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133762687.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6502472ce35f8bc3a6ff1ed3bdcbf84848ff09ca Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.xml new file mode 100644 index 0000000000000000000000000000000000000000..7e3e3e96a27dc0d86d0910bd5ab0127097d3c9b5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133766005.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133766005.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>13</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..af4db580f72e812223ab87aba27b2836f6165c79 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.xml new file mode 100644 index 0000000000000000000000000000000000000000..ef73b5145f19375eb0b2ea650c5537e8200723da --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133769320.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133769320.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>17</ymin> + <xmax>251</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0779765620d3f348f56a938e33bc02e745f4f782 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.xml new file mode 100644 index 0000000000000000000000000000000000000000..0ef8876ecc6a78d0aab6ffcb5f94dfde04508c40 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133782583.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133782583.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3114c8c0b06aa7370900b7a71a3a948ad0b146c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.xml new file mode 100644 index 0000000000000000000000000000000000000000..a5de2e2dddf468867f6c970adec0bf55ecd78453 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133788106.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133788106.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>20</ymin> + <xmax>245</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5de86b60b13431d40302abbba147c20eb9181210 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.xml new file mode 100644 index 0000000000000000000000000000000000000000..e2ba770910cca0a6e7d1be243213dcf9987efb3d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133810195.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133810195.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1c55673450010d0c3a7ba7dcf57e6aa8da06ee32 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.xml new file mode 100644 index 0000000000000000000000000000000000000000..01e19c25f7df47cfc1cdf0793fde87e46d9aa700 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133817928.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133817928.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>14</ymin> + <xmax>237</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7d1a82390045c0bfd6ff69152ef7410c634363ad Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.xml new file mode 100644 index 0000000000000000000000000000000000000000..e5c8fbf9689d91b50f3a9fda2dea1d1a8d866b2f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133832293.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133832293.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2c324990b331b555cd512c7a851ce9e432520212 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.xml new file mode 100644 index 0000000000000000000000000000000000000000..85687a566e775d9293fb4a48e42b8891ae26ac9b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133838922.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133838922.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>7</ymin> + <xmax>257</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c4a6d9cc804da594a0f1deb9d7d5a396e969d59d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.xml new file mode 100644 index 0000000000000000000000000000000000000000..da81291da8f1b46900c6790b29ff7af569e56ce2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133854378.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133854378.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>20</ymin> + <xmax>249</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7400b5b69959f90de0e63802f2404259d2af9035 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.xml new file mode 100644 index 0000000000000000000000000000000000000000..b5c0a9b8c7c0d085beed178f43a87c5be4b49d66 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133859904.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133859904.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>92</xmin> + <ymin>13</ymin> + <xmax>268</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6d6e35f50d1f3b9879a0730e10649e47b2921b85 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.xml new file mode 100644 index 0000000000000000000000000000000000000000..6c5606e01d0332815c8cef36733a1e3a6b4a8074 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133864320.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133864320.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>34</ymin> + <xmax>237</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1462be3dafa21865a31aa640140bababbef87778 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.xml new file mode 100644 index 0000000000000000000000000000000000000000..16b1862a78e7eeceffd108aa2069fc5eb564404c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133879785.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133879785.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>21</ymin> + <xmax>248</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f5bdd812b55b70aa93d898ee7f4b25ad5cb4da18 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.xml new file mode 100644 index 0000000000000000000000000000000000000000..d5435216efe3485b38d07b4bf38ea3ce3fd5bce1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133889725.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133889725.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>242</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..78c558a6261dd7ebad65a3d17aa3757a0b907553 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.xml new file mode 100644 index 0000000000000000000000000000000000000000..d6d456446bc38f1b96846ce3c3d53f4b8bf7b316 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133896354.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133896354.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>7</ymin> + <xmax>257</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a903ea352f3723c4f56eb4a240e310680b7a92c5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.xml new file mode 100644 index 0000000000000000000000000000000000000000..b8164fe505ab65dc301ad63df52a0363fe9032a4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133897459.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133897459.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>7</ymin> + <xmax>252</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8c1136d3b3ee3c59f63fe1e524bfa4ff14a98019 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.xml new file mode 100644 index 0000000000000000000000000000000000000000..b53f1bc649b5545f16b187f2220e7fd5502e3d2a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133912917.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133912917.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>15</ymin> + <xmax>249</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5bc1c8e57a5fd878fa445c9918fe520928e47e1c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.xml new file mode 100644 index 0000000000000000000000000000000000000000..dd410ba192bf2951156079cbe6e321011edb1e5f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133915129.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133915129.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>50</xmin> + <ymin>10</ymin> + <xmax>225</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cc997cc7fb5ab9d68eb799f2ef919f8a07c8b10 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.xml new file mode 100644 index 0000000000000000000000000000000000000000..b33bb87d2f272691a3ee699b25bc42184f3b2972 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133917339.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133917339.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>7</ymin> + <xmax>253</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56919ad573934b284efc4ad15f3a205c75cc5b44 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.xml new file mode 100644 index 0000000000000000000000000000000000000000..063e3a1add20984f0f75cc704e0e4c7d3f6cbe26 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133918443.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133918443.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>9</ymin> + <xmax>259</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0714247d1e15edcb59e570f3a07b7786d7d94907 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.xml new file mode 100644 index 0000000000000000000000000000000000000000..e3436757786f60170c52a7d0f1a1486384f09e55 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133922862.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133922862.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>34</ymin> + <xmax>234</xmax> + <ymax>209</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5ce1baa925f644e588021977d084f2b089f101a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.xml new file mode 100644 index 0000000000000000000000000000000000000000..d2d79040a6ae5153187d1e0661404dd886859b66 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133929498.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133929498.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>9</ymin> + <xmax>246</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9a690c9c873cbfb4c357cf3b03fa5f0e8edf2626 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.xml new file mode 100644 index 0000000000000000000000000000000000000000..4989cc058461b0e935586a46f3788b12c273b806 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133968171.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133968171.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>14</ymin> + <xmax>261</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d9985720821c974a19bdc8cf4e1b9cc952d8ca60 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.xml b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.xml new file mode 100644 index 0000000000000000000000000000000000000000..d9d447d3b92a8c631cb94e9620a2235e30c2e410 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-BOHOMIPO2-1665133978116.jpeg</filename> + <path>cam320x240-BOHOMIPO2-1665133978116.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>BOHOMIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>11</ymin> + <xmax>258</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ccd3d22a5ff80a3876c3e1dc429b355eca8fdc7f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.xml new file mode 100644 index 0000000000000000000000000000000000000000..396975e4acd0c64e27070777cb84b326d6c4695c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133281908.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133281908.jpeg</filename> + <path>cam320x240-CRACK-1665133281908.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>16</ymin> + <xmax>245</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c524b68620faa6e115c6d4c2d9a84dbcf10cc69f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.xml new file mode 100644 index 0000000000000000000000000000000000000000..bdb4a6f6e93741380c5f464077348667dbd696bb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133284117.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133284117.jpeg</filename> + <path>cam320x240-CRACK-1665133284117.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>58</xmin> + <ymin>14</ymin> + <xmax>233</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8a5e9450cfae9d67ad34b9ef05aa2ac04aac27c7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.xml new file mode 100644 index 0000000000000000000000000000000000000000..cb64921f13571f9f2ea5047b80b9308e9ad388fc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133286328.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133286328.jpeg</filename> + <path>cam320x240-CRACK-1665133286328.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>16</ymin> + <xmax>249</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ed749fb5c4d9c7e9d06ecd60f721fe8154a56bba Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.xml new file mode 100644 index 0000000000000000000000000000000000000000..86a7601e302080536819e070b0c0fcc12d00b1f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133289639.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133289639.jpeg</filename> + <path>cam320x240-CRACK-1665133289639.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>20</ymin> + <xmax>257</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c4db61ba2bdde918deb0e4c84932709f7c3820c1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.xml new file mode 100644 index 0000000000000000000000000000000000000000..e6fce26dc3c1a8bc60013cb17eb513ad9419badf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133291849.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133291849.jpeg</filename> + <path>cam320x240-CRACK-1665133291849.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>16</ymin> + <xmax>253</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6b6471365d55f1598a4591d16b83cd39d2ec55c5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.xml new file mode 100644 index 0000000000000000000000000000000000000000..d4da18da002bcb279560f4e7415221f42d6ed862 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133296264.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133296264.jpeg</filename> + <path>cam320x240-CRACK-1665133296264.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>60</xmin> + <ymin>8</ymin> + <xmax>235</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..378efd51048016cebc3a75066e7980b7751af7ad Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.xml new file mode 100644 index 0000000000000000000000000000000000000000..14ec62f76dc7ff2287ca7ff35893eb3f89e511de --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133301789.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133301789.jpeg</filename> + <path>cam320x240-CRACK-1665133301789.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>26</ymin> + <xmax>251</xmax> + <ymax>201</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fd1016e85fd4461793a74e9328433d453da232b8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.xml new file mode 100644 index 0000000000000000000000000000000000000000..60c48b8177db924722106ebffe88ab24b9bb5383 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133309523.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133309523.jpeg</filename> + <path>cam320x240-CRACK-1665133309523.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>11</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7096b7bcd888d41bc808a0da0cdcb5907c3c0e00 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.xml new file mode 100644 index 0000000000000000000000000000000000000000..75b26ad3303d234f5b72f9d6e47fa6cfcb287d4e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133311735.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133311735.jpeg</filename> + <path>cam320x240-CRACK-1665133311735.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>13</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2f7cebf182a9fb48a818cd773ccb6fe570db915c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.xml new file mode 100644 index 0000000000000000000000000000000000000000..f87bb1b756e8763d4cf4c734e31eea56d2464c8e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133313946.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133313946.jpeg</filename> + <path>cam320x240-CRACK-1665133313946.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd33229a7b31e6595ec56d6b1c96384e10071769 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.xml new file mode 100644 index 0000000000000000000000000000000000000000..309cb82a77710c83eac30f99b33fbfe3628c0d12 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133316154.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133316154.jpeg</filename> + <path>cam320x240-CRACK-1665133316154.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>17</ymin> + <xmax>253</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a3650a7792c1bfd06833874aca89feff4880495e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.xml new file mode 100644 index 0000000000000000000000000000000000000000..4912670a397b8436141101b7b65e2eed25efb6b5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133318364.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133318364.jpeg</filename> + <path>cam320x240-CRACK-1665133318364.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>8</ymin> + <xmax>236</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3065bae85a577de583dfdc4a939bafec43ff9801 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.xml new file mode 100644 index 0000000000000000000000000000000000000000..5ba75b2ffbcdd5d54a9976f399866c1960cd08be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133319466.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133319466.jpeg</filename> + <path>cam320x240-CRACK-1665133319466.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>11</ymin> + <xmax>239</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4bf0b754366ea8329b3ccda6e4021c990d2a79c8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.xml new file mode 100644 index 0000000000000000000000000000000000000000..af7125a9c0d8ded7454b326db9eb59513413c2af --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133322784.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133322784.jpeg</filename> + <path>cam320x240-CRACK-1665133322784.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>20</ymin> + <xmax>257</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5bb29fe0afd846c1d69aabed7cc191ca0feb5741 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.xml new file mode 100644 index 0000000000000000000000000000000000000000..bd1a26ea1d5a6e5210dad81b2ae09dc39c2af187 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133327204.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133327204.jpeg</filename> + <path>cam320x240-CRACK-1665133327204.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>60</xmin> + <ymin>10</ymin> + <xmax>234</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c8c5654445c0bb042a9161e5b365c2812be7e8a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.xml new file mode 100644 index 0000000000000000000000000000000000000000..863ee119472beabf51fd5a178b92edb95e42d4fa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133336047.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133336047.jpeg</filename> + <path>cam320x240-CRACK-1665133336047.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>27</ymin> + <xmax>245</xmax> + <ymax>202</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f5885e5a47f219e7d1767516e60eb5bef3ea9d08 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.xml new file mode 100644 index 0000000000000000000000000000000000000000..aebd7393e4415225cdc94defe6639965fe936574 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133337150.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133337150.jpeg</filename> + <path>cam320x240-CRACK-1665133337150.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>113</xmin> + <ymin>1</ymin> + <xmax>289</xmax> + <ymax>166</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f5dbc491171168999ed51fa2757449b1f10095f4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.xml new file mode 100644 index 0000000000000000000000000000000000000000..43ddc19710859ff4a0cce04a01efd479624229b6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133342674.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133342674.jpeg</filename> + <path>cam320x240-CRACK-1665133342674.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>243</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e3fcbd3ebad28583520cc5e4f9190ed941db9380 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.xml new file mode 100644 index 0000000000000000000000000000000000000000..16e2f02c272f5d162907a2bc9846bcd09dea2c9b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133345984.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133345984.jpeg</filename> + <path>cam320x240-CRACK-1665133345984.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>25</ymin> + <xmax>262</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..696ee362865f707bcbd41cb4ccf2b387b0c0e521 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.xml new file mode 100644 index 0000000000000000000000000000000000000000..57ecbfc4f9b57ce6b237d18755bb308a2112384c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133347088.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133347088.jpeg</filename> + <path>cam320x240-CRACK-1665133347088.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>253</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..89c1e3c145eb191d01318137f99fcc4bba7d1b83 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.xml new file mode 100644 index 0000000000000000000000000000000000000000..4f0dced8d5c39b1accaa276a8227c4713bbd908d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133351507.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133351507.jpeg</filename> + <path>cam320x240-CRACK-1665133351507.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>23</ymin> + <xmax>249</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..089d9193544f7192517f11e4f150b8176510fc20 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.xml new file mode 100644 index 0000000000000000000000000000000000000000..ad1999488adde862425578abc8fe8c6446e66256 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133354826.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133354826.jpeg</filename> + <path>cam320x240-CRACK-1665133354826.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..531bd2873038e37fbf6095eb294f3c56df1d38e1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.xml new file mode 100644 index 0000000000000000000000000000000000000000..f51e5874b51acc08ec96777f6cfefd4776381d38 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133359241.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133359241.jpeg</filename> + <path>cam320x240-CRACK-1665133359241.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>7</ymin> + <xmax>255</xmax> + <ymax>180</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..876c371d34263a1788e852539de096e8fa725420 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.xml new file mode 100644 index 0000000000000000000000000000000000000000..c022e5125df6874c38ec8b06246bd07cfb9f03e7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133361450.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133361450.jpeg</filename> + <path>cam320x240-CRACK-1665133361450.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>10</ymin> + <xmax>241</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..84f91bdd34bb116b4078bf077ce3a50f49a4972e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.xml new file mode 100644 index 0000000000000000000000000000000000000000..19d46e90bef51ed345ec1dbf809c57e08a55487d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133364761.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133364761.jpeg</filename> + <path>cam320x240-CRACK-1665133364761.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>22</ymin> + <xmax>244</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..81c5e5f6d1706c5f512d4202fdc3b715bb7b7fc3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.xml new file mode 100644 index 0000000000000000000000000000000000000000..af83cb64693a9d64cad00579ca0266dce3d90110 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133365862.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133365862.jpeg</filename> + <path>cam320x240-CRACK-1665133365862.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>13</ymin> + <xmax>240</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..96184d9a76a504d7df9e19bce616a34f05bd32c9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.xml new file mode 100644 index 0000000000000000000000000000000000000000..f8980afeb1bcf331bf860740221199cf07895c31 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133366968.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133366968.jpeg</filename> + <path>cam320x240-CRACK-1665133366968.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>10</ymin> + <xmax>241</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d3c7f314c3ec866a21c38fd3d7c719badb91dd76 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.xml new file mode 100644 index 0000000000000000000000000000000000000000..7117ccc0eaffe34741af6d972e89adf5de660d18 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133376913.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133376913.jpeg</filename> + <path>cam320x240-CRACK-1665133376913.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>13</ymin> + <xmax>255</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0de83e73e7742693afd3ea1d2de44674661f8e25 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.xml new file mode 100644 index 0000000000000000000000000000000000000000..e597a218e2c76267b5c6cfac4280bc34501f04a6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133380227.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133380227.jpeg</filename> + <path>cam320x240-CRACK-1665133380227.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>20</ymin> + <xmax>257</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c038f484cda81fefa2c1ae86bac572ff07d550c3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.xml new file mode 100644 index 0000000000000000000000000000000000000000..78577f940ae605d06ce318e0608802c9954cc7e0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133382439.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133382439.jpeg</filename> + <path>cam320x240-CRACK-1665133382439.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>23</ymin> + <xmax>246</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7a5aff034ef224c6817b6fe1107b2e4bdc2049f4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.xml new file mode 100644 index 0000000000000000000000000000000000000000..0fed1675e607de808952f8772cf3d1f33612ef2e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133386862.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133386862.jpeg</filename> + <path>cam320x240-CRACK-1665133386862.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>21</ymin> + <xmax>247</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f2c45be0e1af642bfe31fa500748e80ccfb4f198 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.xml new file mode 100644 index 0000000000000000000000000000000000000000..6539d7ed9503313520445768feb9e6d422fd0631 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133387968.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133387968.jpeg</filename> + <path>cam320x240-CRACK-1665133387968.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3c7d41860100bcce144fd7366845da8fd7d7b536 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.xml new file mode 100644 index 0000000000000000000000000000000000000000..bb2dd33909c90292c653e9f0bebbc9451228df3a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133389073.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133389073.jpeg</filename> + <path>cam320x240-CRACK-1665133389073.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>27</ymin> + <xmax>246</xmax> + <ymax>202</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..436c998d58d4b0f9c79b62095fd706b91fdb33a2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.xml new file mode 100644 index 0000000000000000000000000000000000000000..6c960f405f7437c2766af6de4e9d1bc588cdb161 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133392385.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133392385.jpeg</filename> + <path>cam320x240-CRACK-1665133392385.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>238</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..62b0eb2c525de217c8cbdcaa2e99662032d0c15f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.xml new file mode 100644 index 0000000000000000000000000000000000000000..e8f06b9cfcecf751e27f823bc491a377e19cd29c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133412273.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133412273.jpeg</filename> + <path>cam320x240-CRACK-1665133412273.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>7</ymin> + <xmax>251</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3af6f1ff69210726aead9ed8bf5f5bb51a6bd681 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.xml new file mode 100644 index 0000000000000000000000000000000000000000..ecd11d74df754d0d6586bdefc689a35cd95bc2d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133416691.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133416691.jpeg</filename> + <path>cam320x240-CRACK-1665133416691.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>20</ymin> + <xmax>256</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f9ad06188fd551a49c1235f7670c02f1c5a96d39 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.xml new file mode 100644 index 0000000000000000000000000000000000000000..0a0e310594496d1a5ee987f0b5930e46ff642f0f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133423322.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133423322.jpeg</filename> + <path>cam320x240-CRACK-1665133423322.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>19</ymin> + <xmax>239</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a7b6fe3dc35078a04746d904081401ff2605466d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.xml new file mode 100644 index 0000000000000000000000000000000000000000..df1f0d43d7fa4e9ea06cb5fc19bfb4867ab35ecf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133427748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133427748.jpeg</filename> + <path>cam320x240-CRACK-1665133427748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>10</ymin> + <xmax>251</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..02b521eadb6bd71fd26c3ef9a967ce3088a02995 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.xml new file mode 100644 index 0000000000000000000000000000000000000000..4dab9da8cdfae5cb3bf925522f627c60a17d6afc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133435491.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133435491.jpeg</filename> + <path>cam320x240-CRACK-1665133435491.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>14</ymin> + <xmax>250</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8c796a48151482de2a79401a1c1cc6a5dccc5aa5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.xml new file mode 100644 index 0000000000000000000000000000000000000000..43f5b240419db14e242bd0d80a4d220f6f754ee9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133443229.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133443229.jpeg</filename> + <path>cam320x240-CRACK-1665133443229.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>16</ymin> + <xmax>243</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..16c45c019daa1e9702cdf5f2d9871dbbdf17e5d1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.xml new file mode 100644 index 0000000000000000000000000000000000000000..61b687b70b698ee177c00428982ec0b781c250fb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133446544.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133446544.jpeg</filename> + <path>cam320x240-CRACK-1665133446544.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>11</ymin> + <xmax>252</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e11f6bd9097abd9bd2c02e68e4714a0bff94932e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.xml new file mode 100644 index 0000000000000000000000000000000000000000..4205b9eef6cbbb34be162c859b10fa379734c124 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133452064.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133452064.jpeg</filename> + <path>cam320x240-CRACK-1665133452064.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>25</ymin> + <xmax>238</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f84a3f89a8372484f844b73c83b92fbfa204118c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.xml new file mode 100644 index 0000000000000000000000000000000000000000..a575503164c389bc1c33893591514c8aacfb2daa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133453171.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133453171.jpeg</filename> + <path>cam320x240-CRACK-1665133453171.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>31</ymin> + <xmax>239</xmax> + <ymax>206</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cd0415327f4012e624144fffc8acb0ef60a7534e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.xml new file mode 100644 index 0000000000000000000000000000000000000000..f3591de9741d010cddf9f9d0f10f45167659fda4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133457583.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133457583.jpeg</filename> + <path>cam320x240-CRACK-1665133457583.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>12</ymin> + <xmax>257</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9bbdcc9883dce35bd3d78e8a291ae1ba5706a317 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.xml new file mode 100644 index 0000000000000000000000000000000000000000..2dcba6532ee51eaf5a3ec3cbd3e536aa039d65a6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133458688.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133458688.jpeg</filename> + <path>cam320x240-CRACK-1665133458688.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>112</xmin> + <ymin>11</ymin> + <xmax>286</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ef6153637a9a7f5c77f38e4e47123defac501d82 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.xml new file mode 100644 index 0000000000000000000000000000000000000000..e7be60b6a5a36428a6a643b932e203e7b7813328 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133468641.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133468641.jpeg</filename> + <path>cam320x240-CRACK-1665133468641.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>54</xmin> + <ymin>10</ymin> + <xmax>231</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ae57737ae2422aa1b4b5d33cd6bf7662646a4ae1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.xml new file mode 100644 index 0000000000000000000000000000000000000000..eec7ed8b8412aeeaa3bf7b5a6ab54d2da3aeb640 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133475271.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133475271.jpeg</filename> + <path>cam320x240-CRACK-1665133475271.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>8</ymin> + <xmax>259</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..38ee28a9171cfc8aca55b86353558bd9acb488f1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.xml new file mode 100644 index 0000000000000000000000000000000000000000..26e0fb758b67f14a1a56858b4599e39069218782 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133477481.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133477481.jpeg</filename> + <path>cam320x240-CRACK-1665133477481.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>13</ymin> + <xmax>241</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c15011a33c29aee4259adba733b9ec5285940c83 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.xml new file mode 100644 index 0000000000000000000000000000000000000000..b1c8cd1e79e05693177f5c36005c8cb4c675ff6b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133486321.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133486321.jpeg</filename> + <path>cam320x240-CRACK-1665133486321.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>27</ymin> + <xmax>249</xmax> + <ymax>201</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..63a7e5807c27152a44643e538294900354179b1c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.xml new file mode 100644 index 0000000000000000000000000000000000000000..cf07de68ee0533803b59e758a5dbc57cb1fc5cf9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133490748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133490748.jpeg</filename> + <path>cam320x240-CRACK-1665133490748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>10</ymin> + <xmax>231</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..14a78f32c1aae857e68274ed4d2818d00c2a870e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.xml new file mode 100644 index 0000000000000000000000000000000000000000..6ac9c0a282f75069505233f103da8e2e047d2779 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133496269.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133496269.jpeg</filename> + <path>cam320x240-CRACK-1665133496269.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>51</xmin> + <ymin>8</ymin> + <xmax>227</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5aac7f46e88529cb634701279b8fb8b5ffb18865 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.xml new file mode 100644 index 0000000000000000000000000000000000000000..98ce4651026e8cded02829dd6dc71a619218cc1e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133501787.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133501787.jpeg</filename> + <path>cam320x240-CRACK-1665133501787.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>10</ymin> + <xmax>259</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4311cc3d249355893e2a425bebd410a89ac67e12 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.xml new file mode 100644 index 0000000000000000000000000000000000000000..a12eb5d88921637f487f9e01d84b2fb8fb6a8f65 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133511729.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133511729.jpeg</filename> + <path>cam320x240-CRACK-1665133511729.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>21</ymin> + <xmax>242</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d0fca995b28dca80d3c1864cd536ad9cc750277a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.xml new file mode 100644 index 0000000000000000000000000000000000000000..c692b6b9c5d25724a151cb00fa647903cd2110b1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133512831.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133512831.jpeg</filename> + <path>cam320x240-CRACK-1665133512831.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>7</ymin> + <xmax>249</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5d01e2f2e3789e697f0494d34b75a57738b1e7f3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.xml new file mode 100644 index 0000000000000000000000000000000000000000..a65c6f4889125fbf956e4afaf6bd1465aeb361ba --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133516137.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133516137.jpeg</filename> + <path>cam320x240-CRACK-1665133516137.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>9</ymin> + <xmax>243</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..17210103f196a92492fe91afc4438bdf9b6bdd10 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.xml new file mode 100644 index 0000000000000000000000000000000000000000..a5685470b9ecc88e4df73c6f7ae66461a7786653 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133517239.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133517239.jpeg</filename> + <path>cam320x240-CRACK-1665133517239.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>7</ymin> + <xmax>248</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ea0d478c94aa28f454d2baa382a9e37ba4abb87c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.xml new file mode 100644 index 0000000000000000000000000000000000000000..ff7ad793e91797ecf460b65af578f7472d209bcd --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133519450.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133519450.jpeg</filename> + <path>cam320x240-CRACK-1665133519450.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>52</xmin> + <ymin>25</ymin> + <xmax>227</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bf7ae7e915df1fcce67c01589ea2a7af43bf8c48 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.xml new file mode 100644 index 0000000000000000000000000000000000000000..c8cba95c181939b058d49a2960bc938c1c054b42 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133520555.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133520555.jpeg</filename> + <path>cam320x240-CRACK-1665133520555.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>112</xmin> + <ymin>1</ymin> + <xmax>289</xmax> + <ymax>167</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..34bd21f76c5dfe458064ee14facfb78367b58594 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.xml new file mode 100644 index 0000000000000000000000000000000000000000..c3379af8d391f0254c5be85f825cd99377701ace --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133530492.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133530492.jpeg</filename> + <path>cam320x240-CRACK-1665133530492.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>239</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f4865727f2237712d05d39c09c11d6b1697f0766 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.xml new file mode 100644 index 0000000000000000000000000000000000000000..6faaae95ce140f2e0d92d9043db4632d68ca5c9b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133531595.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133531595.jpeg</filename> + <path>cam320x240-CRACK-1665133531595.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>11</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3e69d6e379013eadc2696decc50af7b330dc666 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.xml new file mode 100644 index 0000000000000000000000000000000000000000..9ad2c4bbc710cd02b841e1b8b13e7c67017dda48 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133538227.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133538227.jpeg</filename> + <path>cam320x240-CRACK-1665133538227.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>60</xmin> + <ymin>27</ymin> + <xmax>236</xmax> + <ymax>202</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ccb9bedbb6c61f22e58032dc291d8bc084a179e9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.xml new file mode 100644 index 0000000000000000000000000000000000000000..6cdfb4eae46e77f110de25b2301a340d7ac8fcf7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133543752.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133543752.jpeg</filename> + <path>cam320x240-CRACK-1665133543752.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>33</ymin> + <xmax>247</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a174d3966c8c4771bda9bec8bb272ad9f68b30c5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.xml new file mode 100644 index 0000000000000000000000000000000000000000..a009414fa2f7a84605dd63e7a934c649f7428192 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133544858.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133544858.jpeg</filename> + <path>cam320x240-CRACK-1665133544858.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>7</ymin> + <xmax>249</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..515285666269d6afb97eaf6961615f790c0f31bf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.xml new file mode 100644 index 0000000000000000000000000000000000000000..12a235e27be435bcac28040b25be1c77e918f4b0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133550373.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133550373.jpeg</filename> + <path>cam320x240-CRACK-1665133550373.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>19</ymin> + <xmax>240</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3d2ef7c61d63a536fbf13ef1b2515e048557566a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.xml new file mode 100644 index 0000000000000000000000000000000000000000..73a22434300efb8ccb6817d7fa9defcd7dfc3712 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133551480.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133551480.jpeg</filename> + <path>cam320x240-CRACK-1665133551480.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>8</ymin> + <xmax>234</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a6d56d2c4ba0060fadcfb269868e30434076265f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.xml new file mode 100644 index 0000000000000000000000000000000000000000..84ee56365c0e9d3e02016f6b87cd53e9f7082657 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133558113.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133558113.jpeg</filename> + <path>cam320x240-CRACK-1665133558113.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>10</ymin> + <xmax>242</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..36987f1cde84c0a53b7d726a529dcf18c8f747aa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.xml new file mode 100644 index 0000000000000000000000000000000000000000..641a4b5593aff866d4112ee1ea617aaac2a90e05 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133566953.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133566953.jpeg</filename> + <path>cam320x240-CRACK-1665133566953.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>10</ymin> + <xmax>253</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7903756f1cce63aacaffe432ddcb49353eaf9a5b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.xml new file mode 100644 index 0000000000000000000000000000000000000000..e3950a5decb19aab6b6e8f7dfa1e4bd99ed2b8dd --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133568060.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133568060.jpeg</filename> + <path>cam320x240-CRACK-1665133568060.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>21</ymin> + <xmax>242</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..21a47f58fd3461c0f8eacc8c3654943ecdd16df3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.xml new file mode 100644 index 0000000000000000000000000000000000000000..9adea4dead62b38d0956e672e7a3e5861a60d096 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133570268.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133570268.jpeg</filename> + <path>cam320x240-CRACK-1665133570268.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>12</ymin> + <xmax>255</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1eb782ee3307ef16f588628fef468ce6b81d005b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.xml new file mode 100644 index 0000000000000000000000000000000000000000..8bdb3ea721e5f9522bb800fb3258777c0d56d9a3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133575789.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133575789.jpeg</filename> + <path>cam320x240-CRACK-1665133575789.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>112</xmin> + <ymin>1</ymin> + <xmax>289</xmax> + <ymax>167</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7c10bcd777b08d8bd41e79f2b05bc68cf61d82c0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.xml new file mode 100644 index 0000000000000000000000000000000000000000..bc7da49a77a97c2a03273eb37e602eda00d90450 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133579098.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133579098.jpeg</filename> + <path>cam320x240-CRACK-1665133579098.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>8</ymin> + <xmax>255</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2930d84a0ff6b94a8976a243a6c45a5f0e4f34ae Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.xml new file mode 100644 index 0000000000000000000000000000000000000000..2e46caa438fe1dae2f09d36287df189288acefb4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133585722.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133585722.jpeg</filename> + <path>cam320x240-CRACK-1665133585722.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>19</ymin> + <xmax>247</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..934befc1adad43941d45cf26a1884723b2a2d72d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.xml new file mode 100644 index 0000000000000000000000000000000000000000..50bcf95f3be7616a0fd66ec60984d81295e0d338 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133586827.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133586827.jpeg</filename> + <path>cam320x240-CRACK-1665133586827.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>33</ymin> + <xmax>247</xmax> + <ymax>208</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..44f09d7d4cf43bbe892645f574007d8afac48adc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.xml new file mode 100644 index 0000000000000000000000000000000000000000..b95d348cf2528c6ba46d67fba596ac7fd3b43611 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133587931.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133587931.jpeg</filename> + <path>cam320x240-CRACK-1665133587931.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>10</ymin> + <xmax>243</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9b0b1ec31f4621ccde2b8f8e29c0aab08b726210 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.xml new file mode 100644 index 0000000000000000000000000000000000000000..7207368ab221a9fbbbeedd9449105656ac63f563 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133589037.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133589037.jpeg</filename> + <path>cam320x240-CRACK-1665133589037.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>21</ymin> + <xmax>239</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c50a81f575fb773721ca177094970466f6a6017d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.xml new file mode 100644 index 0000000000000000000000000000000000000000..e8350fc042bdb8d5bda2ebaa5270eff44978d055 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133591248.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133591248.jpeg</filename> + <path>cam320x240-CRACK-1665133591248.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>238</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..898383fa812b2a211389ad4cd52515a74a2fbd20 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.xml new file mode 100644 index 0000000000000000000000000000000000000000..a2669f5685d1a60a365159a7dc1e67b764dbf195 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133592350.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133592350.jpeg</filename> + <path>cam320x240-CRACK-1665133592350.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>8</ymin> + <xmax>256</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3e38fb602513b65ce316e6904bfcca0b640e206 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.xml new file mode 100644 index 0000000000000000000000000000000000000000..163ccc596916d44681307acb8c11d33043a79636 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133594558.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133594558.jpeg</filename> + <path>cam320x240-CRACK-1665133594558.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>8</ymin> + <xmax>255</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7553a65d0df55b35d4ee2a8ad6ee85fa6ecb2294 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.xml new file mode 100644 index 0000000000000000000000000000000000000000..26693940747e9b5e76309d104dae18c4bd5f0464 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133595660.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133595660.jpeg</filename> + <path>cam320x240-CRACK-1665133595660.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>10</ymin> + <xmax>241</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3d182991020a7b63bdfed6527bc1a2e2b01d2dfb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.xml new file mode 100644 index 0000000000000000000000000000000000000000..9608814d8d89c32eb649d96a46c0a0c0027a3b38 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133597868.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133597868.jpeg</filename> + <path>cam320x240-CRACK-1665133597868.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>12</ymin> + <xmax>241</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cf65777c62f320c29cc3f624684b96b511d16c77 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a3f7d7ea867305c93f8e75b4db341a1b3459bff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133602290.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133602290.jpeg</filename> + <path>cam320x240-CRACK-1665133602290.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>19</ymin> + <xmax>240</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bf3deafe3e414b250d7e9248f30e699973a2718e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.xml new file mode 100644 index 0000000000000000000000000000000000000000..1cf2ef251839d91827b1eb39731940e4088e78d9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133603396.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133603396.jpeg</filename> + <path>cam320x240-CRACK-1665133603396.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>22</ymin> + <xmax>249</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..76ba1c2bd53235b58fc90e69a9e1f044088bf838 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.xml new file mode 100644 index 0000000000000000000000000000000000000000..2043517dbb5b2dec111b751c203fa718abda8b2c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133614436.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133614436.jpeg</filename> + <path>cam320x240-CRACK-1665133614436.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>52</xmin> + <ymin>8</ymin> + <xmax>227</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e38c07b9cd7e0a6f7e799acc42e8a28e64f5a695 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.xml new file mode 100644 index 0000000000000000000000000000000000000000..166da342a03455c7d32a7a78054dd122646ec096 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133616642.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133616642.jpeg</filename> + <path>cam320x240-CRACK-1665133616642.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>12</ymin> + <xmax>246</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..18500a63bbbb6733825daf5aa67b75374c096efd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.xml new file mode 100644 index 0000000000000000000000000000000000000000..65420ae0062908ed4b8bb9e513f5c645821f233e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133619958.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133619958.jpeg</filename> + <path>cam320x240-CRACK-1665133619958.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>12</ymin> + <xmax>239</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0cb36125d39e293ddad009ada072d7fa2f71f6a6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.xml new file mode 100644 index 0000000000000000000000000000000000000000..1f8f7e588948b50a756e67758e641cdf540e4b11 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133621063.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133621063.jpeg</filename> + <path>cam320x240-CRACK-1665133621063.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>9</ymin> + <xmax>259</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb6315a2f5fe43a85f2f5e20be055816a3b19212 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.xml new file mode 100644 index 0000000000000000000000000000000000000000..c575a58ffb702cbfb95a00415cae15e4102ad327 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133623273.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133623273.jpeg</filename> + <path>cam320x240-CRACK-1665133623273.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>34</xmin> + <ymin>1</ymin> + <xmax>209</xmax> + <ymax>132</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..33a35ddc693acc710eb5568991e78f149bea466f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.xml new file mode 100644 index 0000000000000000000000000000000000000000..b0655096999e8ebd3088a2891922996ae228cab5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133624377.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133624377.jpeg</filename> + <path>cam320x240-CRACK-1665133624377.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>16</ymin> + <xmax>253</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bcaa06da554b905642846d381698ec2b90c8c5ed Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.xml new file mode 100644 index 0000000000000000000000000000000000000000..b7c2a6e38006b7aad4459e081b503ac2f8d4bffa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133626589.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133626589.jpeg</filename> + <path>cam320x240-CRACK-1665133626589.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>55</xmin> + <ymin>10</ymin> + <xmax>230</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..407c65bd2c73db5e77744beee2c5fe014b8d2ea2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.xml new file mode 100644 index 0000000000000000000000000000000000000000..3c539bb3f703cd5b79130186ed093fdd871afb6d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133627695.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133627695.jpeg</filename> + <path>cam320x240-CRACK-1665133627695.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>7</ymin> + <xmax>256</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8a3940196a8b204bceecb7c279489b32874cd447 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.xml new file mode 100644 index 0000000000000000000000000000000000000000..86ab76ed1dc380f23bf2b67b04b30967e1a0b12c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133632104.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133632104.jpeg</filename> + <path>cam320x240-CRACK-1665133632104.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>15</ymin> + <xmax>249</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d84aae10fe81cf4a20d0526be1c3498bfd6419ec Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.xml new file mode 100644 index 0000000000000000000000000000000000000000..151973764cc8b9162607ed7777dc34195eeae3b0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133633206.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133633206.jpeg</filename> + <path>cam320x240-CRACK-1665133633206.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>14</ymin> + <xmax>248</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..28418ac29c872514333968eeca7b6f877083a469 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.xml new file mode 100644 index 0000000000000000000000000000000000000000..aecd9fa21b7b4f59bb70e16357083e96d0899747 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133635417.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133635417.jpeg</filename> + <path>cam320x240-CRACK-1665133635417.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>39</ymin> + <xmax>234</xmax> + <ymax>214</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2c11fd375bd790c1af8cbfdf2e35e3c1916f24d1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.xml new file mode 100644 index 0000000000000000000000000000000000000000..f9ab085959a58a8dd0aa4bdca437d1473b7a62de --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133636520.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133636520.jpeg</filename> + <path>cam320x240-CRACK-1665133636520.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>12</ymin> + <xmax>256</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb338ee050326b1df82f5ad6063ad3212540ef8b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.xml new file mode 100644 index 0000000000000000000000000000000000000000..198dab3cbe255ca0ea13f0aed0e07d58d6885739 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133644466.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133644466.jpeg</filename> + <path>cam320x240-CRACK-1665133644466.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>23</ymin> + <xmax>246</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..37a706e886f568f23ce7e66878e8c37b83e1b0f9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.xml new file mode 100644 index 0000000000000000000000000000000000000000..a662a2399f6da42abe3cf606c709cec52d6ca438 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133651093.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133651093.jpeg</filename> + <path>cam320x240-CRACK-1665133651093.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>19</ymin> + <xmax>252</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..694183ae4d761a1a2dabedb8c5ff243a78173a85 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.xml new file mode 100644 index 0000000000000000000000000000000000000000..eefd0905af9d2d5149c69ce3828bc6714ac926ca --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133652199.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133652199.jpeg</filename> + <path>cam320x240-CRACK-1665133652199.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>25</ymin> + <xmax>241</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0e34c235ee4c70be946e9a01af1bc3abf3beba56 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.xml new file mode 100644 index 0000000000000000000000000000000000000000..84029612a7f0114ac54485cdc589b382acaca3f7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133656619.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133656619.jpeg</filename> + <path>cam320x240-CRACK-1665133656619.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..558b96ac59083b9288a937886d4bca97e2fda82c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.xml new file mode 100644 index 0000000000000000000000000000000000000000..fe02e79b38dc7474f249c979dc62cfcd83ad6289 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133666563.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133666563.jpeg</filename> + <path>cam320x240-CRACK-1665133666563.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>16</ymin> + <xmax>243</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3205b0c98329ea861b97f0b5ce6da232a68461c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.xml new file mode 100644 index 0000000000000000000000000000000000000000..137d3f85893d968a84149142c67614b0f661a242 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133673195.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133673195.jpeg</filename> + <path>cam320x240-CRACK-1665133673195.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>55</xmin> + <ymin>18</ymin> + <xmax>229</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..41631782359f063a6dd135dfa22e92c038d6e82f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.xml new file mode 100644 index 0000000000000000000000000000000000000000..1a9e09a5beab78bd7bfc18d48ae4aaec402436b9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133674297.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133674297.jpeg</filename> + <path>cam320x240-CRACK-1665133674297.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>12</ymin> + <xmax>248</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2ace14eb037cf5083f9f5f2c8cd34bddd737ce94 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.xml new file mode 100644 index 0000000000000000000000000000000000000000..20e11fcb6c593171a7b55c1be5cb1be0a81eef45 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133677616.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133677616.jpeg</filename> + <path>cam320x240-CRACK-1665133677616.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>24</ymin> + <xmax>263</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8fcd83e1cb90b8f8606da78439d76c688592f964 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.xml new file mode 100644 index 0000000000000000000000000000000000000000..a6edefdf44be2bd15edd7bfa9febce49e73b3f7d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133679829.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133679829.jpeg</filename> + <path>cam320x240-CRACK-1665133679829.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>7</ymin> + <xmax>251</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3cf31ffdeb6f65bb82d8b53d331653c4fc057848 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.xml new file mode 100644 index 0000000000000000000000000000000000000000..41e42e2f79484d246ed0b486a161f0b97679408e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133684251.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133684251.jpeg</filename> + <path>cam320x240-CRACK-1665133684251.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>8</ymin> + <xmax>256</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cae8a83a63d9d13c5e602973b40b07c60f695bd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.xml new file mode 100644 index 0000000000000000000000000000000000000000..5b263c27ffb8fabf837337c4c04d3871dbd7b4a1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133689782.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133689782.jpeg</filename> + <path>cam320x240-CRACK-1665133689782.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>10</ymin> + <xmax>242</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..de494a9c9aae7608ff538d4b15edab7ef6367f2d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.xml new file mode 100644 index 0000000000000000000000000000000000000000..d03b4590320a2a2a9639450f28d1f4c0d77c0669 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133690886.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133690886.jpeg</filename> + <path>cam320x240-CRACK-1665133690886.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..564bbac86d80479b40c00256643cf84aacc8d60d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.xml new file mode 100644 index 0000000000000000000000000000000000000000..f886ae4d8cd8409647c100b9f0abb60fc259b4c2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133694203.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133694203.jpeg</filename> + <path>cam320x240-CRACK-1665133694203.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>11</ymin> + <xmax>248</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..023b7b6726303e1d4d60fb6add9e2c12137d2ce6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.xml new file mode 100644 index 0000000000000000000000000000000000000000..38d4bc71ca8de530d89ac08f3414ba0afff48e4e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133695309.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133695309.jpeg</filename> + <path>cam320x240-CRACK-1665133695309.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>12</ymin> + <xmax>240</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..911142c86f1a00232e5cd60c25498f0055a87d6c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.xml new file mode 100644 index 0000000000000000000000000000000000000000..9d4d7dc983cc797d36a6ad05aac3acfc1e75ff70 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133696412.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133696412.jpeg</filename> + <path>cam320x240-CRACK-1665133696412.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>43</xmin> + <ymin>24</ymin> + <xmax>218</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4e207a8cb6f07f97abad7986d57d4fc4f921d76c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.xml new file mode 100644 index 0000000000000000000000000000000000000000..21b15c064628c5746ac0296deab01580ce8ed060 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133699723.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133699723.jpeg</filename> + <path>cam320x240-CRACK-1665133699723.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>243</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1f37d53c19c5b44265af29cdd7ca544efecc5a49 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.xml new file mode 100644 index 0000000000000000000000000000000000000000..ef2d5d346e1be39deeba3f74c395e9e641d1121a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133706349.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133706349.jpeg</filename> + <path>cam320x240-CRACK-1665133706349.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>10</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ba9f036d997acf7a660259244ac6623fd1afa75d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.xml new file mode 100644 index 0000000000000000000000000000000000000000..f918149b520fc35c260385a8ef6110f6a5164cf3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133707455.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133707455.jpeg</filename> + <path>cam320x240-CRACK-1665133707455.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>13</ymin> + <xmax>234</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..41eb39e2bf1e9b8f80267dde1cf365a77123f9fd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.xml new file mode 100644 index 0000000000000000000000000000000000000000..527281d813f5ed84eb46959a0edb87b74c44eb6c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133708561.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133708561.jpeg</filename> + <path>cam320x240-CRACK-1665133708561.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>252</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..dc79a5cbe5ee51c8de2c622a7b756352871082a8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.xml new file mode 100644 index 0000000000000000000000000000000000000000..69cb73da62cc1594fe871b4f1c3b5053b7b864cc --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133716302.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133716302.jpeg</filename> + <path>cam320x240-CRACK-1665133716302.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>20</ymin> + <xmax>257</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6272602774eb3d6b652aa10e638601acb7ae54b4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.xml new file mode 100644 index 0000000000000000000000000000000000000000..0ca6c0a9ee50c2258a46239dceb9802555187d92 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133718511.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133718511.jpeg</filename> + <path>cam320x240-CRACK-1665133718511.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>17</ymin> + <xmax>253</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0a415e1e782a688263ec69b67324cd8c29a46ceb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.xml new file mode 100644 index 0000000000000000000000000000000000000000..ed9f9f67eaab383540a959066fa8e8cf0fb3d0f0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133720722.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133720722.jpeg</filename> + <path>cam320x240-CRACK-1665133720722.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>18</ymin> + <xmax>256</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e292889349884869a6fb988cfd4b828a97f859e7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.xml new file mode 100644 index 0000000000000000000000000000000000000000..ba8c741102ec802a97c2929f8ce3b4662b92fed4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133732868.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133732868.jpeg</filename> + <path>cam320x240-CRACK-1665133732868.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>19</ymin> + <xmax>245</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5b686b58c659e9538e84c4c0b36a4781c0595f80 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.xml new file mode 100644 index 0000000000000000000000000000000000000000..d21cf2f1b988c98bb296a803efe0dca7113e9c8e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133733975.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133733975.jpeg</filename> + <path>cam320x240-CRACK-1665133733975.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>22</ymin> + <xmax>239</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b0b45fbc12430f6416f642677a1aca4a00931744 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.xml new file mode 100644 index 0000000000000000000000000000000000000000..41d8a71e53401c3dbe0aea6bc693b6a2a7931a00 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133739497.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133739497.jpeg</filename> + <path>cam320x240-CRACK-1665133739497.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>55</xmin> + <ymin>10</ymin> + <xmax>231</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1eef19eab76fabca40e9beee5b2bcdc5e9df71ee Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.xml new file mode 100644 index 0000000000000000000000000000000000000000..ebdf668700b5c2d616bfa59361c34732adcc7533 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133740599.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133740599.jpeg</filename> + <path>cam320x240-CRACK-1665133740599.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>16</ymin> + <xmax>248</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2346527dd4cff91a9ff60b86b0e015f269dea34d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.xml new file mode 100644 index 0000000000000000000000000000000000000000..18b176fc7c58e148a5306d642b4a80be8beead72 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133742805.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133742805.jpeg</filename> + <path>cam320x240-CRACK-1665133742805.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>13</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..458b3f0e59e491f2b3ad298de347d98b9b7fdbcb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.xml new file mode 100644 index 0000000000000000000000000000000000000000..9b9f0b621e855b3683cbade965c24325c8e169e3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133743911.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133743911.jpeg</filename> + <path>cam320x240-CRACK-1665133743911.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>11</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3bce0299f6744fe8613d21c1a5b8ee55c44fd386 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.xml new file mode 100644 index 0000000000000000000000000000000000000000..bfa96fd214605a685c38b5d32ee48c52c765062d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133747226.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133747226.jpeg</filename> + <path>cam320x240-CRACK-1665133747226.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>10</ymin> + <xmax>238</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e7eee2c270ca0c487941be555e3ece87aadf1159 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.xml new file mode 100644 index 0000000000000000000000000000000000000000..090c03455beb4e3b5db6c299bf1f02d1a19ad9d4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133749437.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133749437.jpeg</filename> + <path>cam320x240-CRACK-1665133749437.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..304d4445216c0187e0fc213517c7eda5c6920aeb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.xml new file mode 100644 index 0000000000000000000000000000000000000000..98b7ac5ea34b951fec4bef87ba1ed1ad574dd00c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133750543.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133750543.jpeg</filename> + <path>cam320x240-CRACK-1665133750543.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>51</xmin> + <ymin>8</ymin> + <xmax>227</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5f63113460009fe064dbb4d960184c280430056d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.xml new file mode 100644 index 0000000000000000000000000000000000000000..db22a50a877aa46ac01db533e041a30a76587ff4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133751645.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133751645.jpeg</filename> + <path>cam320x240-CRACK-1665133751645.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>24</ymin> + <xmax>249</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ce34659c4137c144f813e7347ba9e68791d6fb88 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.xml new file mode 100644 index 0000000000000000000000000000000000000000..e01c5be07f878192f2f8d5fca0e3694c6a7d6f1a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133754956.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133754956.jpeg</filename> + <path>cam320x240-CRACK-1665133754956.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>13</ymin> + <xmax>259</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9a20a9fd78c8eae1838fbc7e2e077793019351d4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.xml new file mode 100644 index 0000000000000000000000000000000000000000..06991d1c14124f2fc5a12eab8f431c2875a8fecf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133756061.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133756061.jpeg</filename> + <path>cam320x240-CRACK-1665133756061.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>239</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f78e150517991850fe41e8d602a517cae7eabeee Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.xml new file mode 100644 index 0000000000000000000000000000000000000000..55361bb8485175b2ad302b62aefd3566e2c58257 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133758266.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133758266.jpeg</filename> + <path>cam320x240-CRACK-1665133758266.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>10</ymin> + <xmax>235</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b28259343b06b8b69700aed32e6009dc341f7804 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.xml new file mode 100644 index 0000000000000000000000000000000000000000..bb17298f1fdf28dacd0f112f0a133cbe025e5c4a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133761580.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133761580.jpeg</filename> + <path>cam320x240-CRACK-1665133761580.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>7</ymin> + <xmax>238</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb09315ff1896101ee5b4c8ede9c3c7e321a4288 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.xml new file mode 100644 index 0000000000000000000000000000000000000000..9c782b3d7b49e722900fdf1d661bd88e98388e23 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133770426.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133770426.jpeg</filename> + <path>cam320x240-CRACK-1665133770426.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>21</ymin> + <xmax>241</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32a08f400e2e25872fcf8cee4b4d4be55c2ea0fc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.xml new file mode 100644 index 0000000000000000000000000000000000000000..8ebf1541d0a6d1673fc3c0b6f5e9e411ae000f8d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133774851.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133774851.jpeg</filename> + <path>cam320x240-CRACK-1665133774851.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>11</ymin> + <xmax>253</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c3507086a8990c243b27c2d1c7478806b4eed0a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.xml new file mode 100644 index 0000000000000000000000000000000000000000..88d5a15660e8ccb4abd42772bfbec9d18a778e60 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133775958.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133775958.jpeg</filename> + <path>cam320x240-CRACK-1665133775958.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>11</ymin> + <xmax>239</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b03c5397b273dd2f3a88f780d69ac38703055c6d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.xml new file mode 100644 index 0000000000000000000000000000000000000000..dfa3bda96d7695510b0a2c7c6b8bdd5e20d3c8a5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133778167.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133778167.jpeg</filename> + <path>cam320x240-CRACK-1665133778167.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>14</ymin> + <xmax>250</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..075db0f861597eb0fcd64ac7721b98822aa58a91 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.xml new file mode 100644 index 0000000000000000000000000000000000000000..5728b53d08b9d6f2c456e04961ba9b34f633e4ef --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133783685.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133783685.jpeg</filename> + <path>cam320x240-CRACK-1665133783685.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>7</ymin> + <xmax>256</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7cb019d5f720e0d7d175e3d2a74c86efd0ad509b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.xml new file mode 100644 index 0000000000000000000000000000000000000000..906289d801e54b6001b854e5e15e9f9661f4b9b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133786999.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133786999.jpeg</filename> + <path>cam320x240-CRACK-1665133786999.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>21</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0065fc0190be571d593b392f49b105ff08a70062 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.xml new file mode 100644 index 0000000000000000000000000000000000000000..11414c8fe11b8d8c50efca419c0427091bd294fb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133794735.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133794735.jpeg</filename> + <path>cam320x240-CRACK-1665133794735.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>9</ymin> + <xmax>244</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb7769e65ac586f6f91965a0b04a689e6ee8f279 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.xml new file mode 100644 index 0000000000000000000000000000000000000000..2b6535c9508971a156dd1989da2e7d4375e2e23c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133803576.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133803576.jpeg</filename> + <path>cam320x240-CRACK-1665133803576.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..944251f3dee7ba499aff422aef1239f20a1e8a01 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.xml new file mode 100644 index 0000000000000000000000000000000000000000..41f359fafe716da2b26323e08a3e35b8872ee5aa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133805785.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133805785.jpeg</filename> + <path>cam320x240-CRACK-1665133805785.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>112</xmin> + <ymin>1</ymin> + <xmax>289</xmax> + <ymax>167</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..dd6c18ae0e89ceb31a399213d0a3d648bb774809 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.xml new file mode 100644 index 0000000000000000000000000000000000000000..52a5e1bc8dbdcebae3eb69b7d12802e4bc8e2bd0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133806887.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133806887.jpeg</filename> + <path>cam320x240-CRACK-1665133806887.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>12</ymin> + <xmax>240</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d63f53a4ce90d69fe90e58389fed7a1b36a5c94d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.xml new file mode 100644 index 0000000000000000000000000000000000000000..e1193ea7c9f3a53ed61f75c3e6a10a2a369d46f8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133807990.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133807990.jpeg</filename> + <path>cam320x240-CRACK-1665133807990.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>9</ymin> + <xmax>235</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2f24adb020256a22c02c8974bdce4f5618508a8a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.xml new file mode 100644 index 0000000000000000000000000000000000000000..a001e2f01a0c752d93c71e3e65e45dc34290397c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133809093.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133809093.jpeg</filename> + <path>cam320x240-CRACK-1665133809093.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>21</ymin> + <xmax>250</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e2aa95805534b6d135d4ee98cd7df90134401a77 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.xml new file mode 100644 index 0000000000000000000000000000000000000000..77c7a2e25718f0135e3ce81863fe824d7a1280a8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133813510.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133813510.jpeg</filename> + <path>cam320x240-CRACK-1665133813510.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>22</ymin> + <xmax>247</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..008a16101412619aeffcb37a889e57705fb76fcd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.xml new file mode 100644 index 0000000000000000000000000000000000000000..f71ac264a024b6e81406f186046f58629aa0153e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133814616.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133814616.jpeg</filename> + <path>cam320x240-CRACK-1665133814616.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>7</ymin> + <xmax>255</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e00127569da287070362152f4a5aa1012d36b492 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.xml new file mode 100644 index 0000000000000000000000000000000000000000..ba88dfceb1c7668f388d8913080ab16eb3bbfadd --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133815720.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133815720.jpeg</filename> + <path>cam320x240-CRACK-1665133815720.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>30</ymin> + <xmax>246</xmax> + <ymax>205</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..09f0a0136b67d864d8fef41d4f8ffc36025a892c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.xml new file mode 100644 index 0000000000000000000000000000000000000000..f8ccb4f0de75b35656af5fd6d8f825f89e0c77ea --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133822350.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133822350.jpeg</filename> + <path>cam320x240-CRACK-1665133822350.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>9</ymin> + <xmax>244</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c13b6cb679f10e2be8fd9e994bddb841f03c0998 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.xml new file mode 100644 index 0000000000000000000000000000000000000000..285d18d2a9418e3728ac1239e6e863f70d5ee898 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133824558.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133824558.jpeg</filename> + <path>cam320x240-CRACK-1665133824558.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>7</ymin> + <xmax>251</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8dd819730ad2714ac0dedd9226dc210ef347de2c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.xml new file mode 100644 index 0000000000000000000000000000000000000000..822896e537257ffa0d05575d193e2432a4b01636 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133825663.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133825663.jpeg</filename> + <path>cam320x240-CRACK-1665133825663.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>11</ymin> + <xmax>268</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5968d3c2a54868cde1ff64aacb2dc879f3b06c2a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.xml new file mode 100644 index 0000000000000000000000000000000000000000..5f0d0b0f929c054c284af953e4652f7b175adf39 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133834504.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133834504.jpeg</filename> + <path>cam320x240-CRACK-1665133834504.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>7</ymin> + <xmax>256</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..381452a4e208359d2044d27d84c4859b47313efb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.xml new file mode 100644 index 0000000000000000000000000000000000000000..89ce25e5aaea2c0055a02ef2573aa4e3f7f18ef7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133836710.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133836710.jpeg</filename> + <path>cam320x240-CRACK-1665133836710.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>11</ymin> + <xmax>243</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a6269cb8e7caab561a241eb78886b4f788e65f1f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.xml new file mode 100644 index 0000000000000000000000000000000000000000..427ebd3c413fea01c610730968b52014e48593e2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133837816.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133837816.jpeg</filename> + <path>cam320x240-CRACK-1665133837816.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>8</ymin> + <xmax>257</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8e0d1220e44c5e8336f0b106a8b20f24800787ce Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.xml new file mode 100644 index 0000000000000000000000000000000000000000..82f231b55faa94b4bbd4f7d8ed21d78be0dfe53c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133842234.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133842234.jpeg</filename> + <path>cam320x240-CRACK-1665133842234.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>15</ymin> + <xmax>238</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7d2c3cb5e0bef69c5923c4857707e5dbbd41e84c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.xml new file mode 100644 index 0000000000000000000000000000000000000000..f01f7e919a6a740f0ef177c0b0c208eb8b2f555a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133843336.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133843336.jpeg</filename> + <path>cam320x240-CRACK-1665133843336.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>112</xmin> + <ymin>11</ymin> + <xmax>286</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..622201e197485318e25c06c5a76a016591111826 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.xml new file mode 100644 index 0000000000000000000000000000000000000000..d4c6a859b5c0eabea9eb1cd110358bfd31a5e561 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133844438.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133844438.jpeg</filename> + <path>cam320x240-CRACK-1665133844438.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1fb4abd7ae4deea3c97a4a51f0f290c790bde863 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.xml new file mode 100644 index 0000000000000000000000000000000000000000..8f49eb1220bf8bb1097e417bc2da240b744afd83 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133847752.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133847752.jpeg</filename> + <path>cam320x240-CRACK-1665133847752.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>245</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f93a7cbc946e1b35f941d6a63362803b86b4bc21 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.xml new file mode 100644 index 0000000000000000000000000000000000000000..18d23fd180258de8f6761161a93f63b65ed749d7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133849959.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133849959.jpeg</filename> + <path>cam320x240-CRACK-1665133849959.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>11</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a02bd5c32e288e8d0956da39d7d3c753851651ff Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.xml new file mode 100644 index 0000000000000000000000000000000000000000..54fa2402b86be281ed300fde472ff045497f49a5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133863219.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133863219.jpeg</filename> + <path>cam320x240-CRACK-1665133863219.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>240</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..218fc7e9b7ca40f358a35cacb6b0170d295228c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.xml new file mode 100644 index 0000000000000000000000000000000000000000..2aceb2055052a8ffc4806a20c36811b32f585748 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133866532.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133866532.jpeg</filename> + <path>cam320x240-CRACK-1665133866532.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>13</ymin> + <xmax>255</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ef79e0a572b42311cc237a19f7b47827e4abd995 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.xml new file mode 100644 index 0000000000000000000000000000000000000000..7e46859c86a30124f3d3508e0eaa3449be45c92e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133868743.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133868743.jpeg</filename> + <path>cam320x240-CRACK-1665133868743.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>11</ymin> + <xmax>243</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb6126ff0cd8455cf39e0a2f58c45ba8ff0eaded Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.xml new file mode 100644 index 0000000000000000000000000000000000000000..6ccfaf7cb5aaa67759e3127a661ec38290bfdb1c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133874264.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133874264.jpeg</filename> + <path>cam320x240-CRACK-1665133874264.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>22</ymin> + <xmax>247</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f9560447a9632b2c741f36105bf508098ade5f43 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.xml new file mode 100644 index 0000000000000000000000000000000000000000..d958a030ab1a787e784cebc8b51a992c570d62c7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133875371.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133875371.jpeg</filename> + <path>cam320x240-CRACK-1665133875371.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>253</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..dcbb1916590254155163d533afecab4ff75d8e23 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.xml new file mode 100644 index 0000000000000000000000000000000000000000..23563c83f469caaec8d5d459b34769d0bdb26ee9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133876476.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133876476.jpeg</filename> + <path>cam320x240-CRACK-1665133876476.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>16</ymin> + <xmax>253</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0e3f85b176c60d471c282187ed5c2f2400584dea Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.xml new file mode 100644 index 0000000000000000000000000000000000000000..c4ee8a4e2b672244fa315bbea380105aff3a77c2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133880888.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133880888.jpeg</filename> + <path>cam320x240-CRACK-1665133880888.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>20</ymin> + <xmax>240</xmax> + <ymax>195</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2e9fa7f2d4437ccc90f4f9b2d7e2c910ba962f4a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.xml new file mode 100644 index 0000000000000000000000000000000000000000..47dc8c29780336905aba0b9ed3def4dc0c3d5a9f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133884207.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133884207.jpeg</filename> + <path>cam320x240-CRACK-1665133884207.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>240</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..174177dcea916725115aa4dcc5a7d54f6ef99e7a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.xml new file mode 100644 index 0000000000000000000000000000000000000000..61fc781d795c1cca6bc5b0e7be4b65ba3b1cb0a8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133885313.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133885313.jpeg</filename> + <path>cam320x240-CRACK-1665133885313.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>76</xmin> + <ymin>10</ymin> + <xmax>253</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b8286ea8f6b979a1427acdb5ea6c523e5a7377d8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.xml new file mode 100644 index 0000000000000000000000000000000000000000..a8a2ad6754d4aecf402fe2d17ceacc0bda5b1a1a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133886415.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133886415.jpeg</filename> + <path>cam320x240-CRACK-1665133886415.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>10</ymin> + <xmax>252</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..78221778cd34c548edc009d147c38f5a320c39d7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.xml new file mode 100644 index 0000000000000000000000000000000000000000..a19c3d47db9148f1467d6c2a2bdb67f47143415d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133890831.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133890831.jpeg</filename> + <path>cam320x240-CRACK-1665133890831.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>52</xmin> + <ymin>14</ymin> + <xmax>227</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..db7709b545f25a3cf5fec190ff903db9930a0a89 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.xml new file mode 100644 index 0000000000000000000000000000000000000000..5d8f8c5ef7214b7ab4f3b40682e1458c6ad78dac --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133895249.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133895249.jpeg</filename> + <path>cam320x240-CRACK-1665133895249.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>58</xmin> + <ymin>15</ymin> + <xmax>233</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f8ce3c0d1bc91f642bf9b972c04ea9fec820fba9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.xml new file mode 100644 index 0000000000000000000000000000000000000000..537bff9751e01277d9433366ee29bc012ae5837c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133901877.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133901877.jpeg</filename> + <path>cam320x240-CRACK-1665133901877.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>24</ymin> + <xmax>246</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b7068db831bef450b0877a1d8f63892ed0eddb8c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.xml new file mode 100644 index 0000000000000000000000000000000000000000..a6f22ec8b6a1c85e1db277ce9e14015390fbce27 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133904086.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133904086.jpeg</filename> + <path>cam320x240-CRACK-1665133904086.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>22</ymin> + <xmax>240</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3bf51c73a4a2263b91c8060dbc40a115a8cc965a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.xml new file mode 100644 index 0000000000000000000000000000000000000000..7d84506b43476b58ba0b57dd108888b218d950fa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133906292.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133906292.jpeg</filename> + <path>cam320x240-CRACK-1665133906292.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>7</ymin> + <xmax>249</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..677514b0d1dc68c677c6bd29d295f95af1882d05 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.xml new file mode 100644 index 0000000000000000000000000000000000000000..521369cb1359cef07f3e8e5aac62d9f1f65f8d13 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133911811.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133911811.jpeg</filename> + <path>cam320x240-CRACK-1665133911811.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>90</xmin> + <ymin>7</ymin> + <xmax>270</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a6a48ecdeca73a5126d38dc0fe61ee6c8110f730 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f68603b3a399b1f00c01855ed1e035681429f42 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133919549.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133919549.jpeg</filename> + <path>cam320x240-CRACK-1665133919549.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>19</ymin> + <xmax>253</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0ec27e63c3f1431284f0eb224766827f1efaacd0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.xml new file mode 100644 index 0000000000000000000000000000000000000000..16f33178d03894a62451f75b8bf740e11d92d0be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133923968.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133923968.jpeg</filename> + <path>cam320x240-CRACK-1665133923968.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>1</xmin> + <ymin>13</ymin> + <xmax>174</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c0bddfd2092e865dbe42ff03a829e04cfdc30ee9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.xml new file mode 100644 index 0000000000000000000000000000000000000000..2000044d9736fe12c5de6dfd0858b362bcec05ef --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133925074.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133925074.jpeg</filename> + <path>cam320x240-CRACK-1665133925074.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>9</ymin> + <xmax>238</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5bc1f29a37b3231eaca91534e751662da386e624 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.xml new file mode 100644 index 0000000000000000000000000000000000000000..f453d093b925f4d28353aa946d275477cb72b3f8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133928391.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133928391.jpeg</filename> + <path>cam320x240-CRACK-1665133928391.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>53</xmin> + <ymin>29</ymin> + <xmax>228</xmax> + <ymax>204</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..56ab4e3bed26c1767b0f9955277a2f6cbcfa718b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.xml new file mode 100644 index 0000000000000000000000000000000000000000..60e93dd894e1aa5ce9d2a38d27ddd8da6be42673 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133932815.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133932815.jpeg</filename> + <path>cam320x240-CRACK-1665133932815.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>93</xmin> + <ymin>21</ymin> + <xmax>268</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..81790b22aa68c993e034251c934c6d1c60acc7fa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.xml new file mode 100644 index 0000000000000000000000000000000000000000..1d735f797c457d4eb5b4c7eb5139a6bc4588220c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133933921.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133933921.jpeg</filename> + <path>cam320x240-CRACK-1665133933921.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>34</ymin> + <xmax>244</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..aa62fbaaf7745b52288a8cd4bd0d31debb1ef74e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.xml new file mode 100644 index 0000000000000000000000000000000000000000..2561b92cf5908fc44220e8fb6e171e8c05829d39 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133937236.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133937236.jpeg</filename> + <path>cam320x240-CRACK-1665133937236.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>8</ymin> + <xmax>262</xmax> + <ymax>181</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0a1720eb14b442ba6a1e0dc1943e54ce7a87e36e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.xml new file mode 100644 index 0000000000000000000000000000000000000000..70b4a75cd22af07b2a0c517aa9786dd3469b60f1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133938342.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133938342.jpeg</filename> + <path>cam320x240-CRACK-1665133938342.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>10</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cfc71c9519f5e8b2b47102072a85b76836bacff5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f90d47e5ae78c5a16aecc37829d5924a29055d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133939448.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133939448.jpeg</filename> + <path>cam320x240-CRACK-1665133939448.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>20</ymin> + <xmax>250</xmax> + <ymax>196</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb243f5571637cd421deb20cc15dde2f086d9b6f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.xml new file mode 100644 index 0000000000000000000000000000000000000000..26d9cff5aecb23bc801ce380f1ef7f621750ff5d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133940555.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133940555.jpeg</filename> + <path>cam320x240-CRACK-1665133940555.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>28</ymin> + <xmax>244</xmax> + <ymax>203</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..553716d2be6db4bec7387611d950cd021c3f6f07 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.xml new file mode 100644 index 0000000000000000000000000000000000000000..aaa9e6338abe9857979b8c0abc67f5507c2ac80c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133942760.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133942760.jpeg</filename> + <path>cam320x240-CRACK-1665133942760.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>12</ymin> + <xmax>238</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..23ed5598733798631bec2c99d1464524830d75dc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.xml new file mode 100644 index 0000000000000000000000000000000000000000..42170a150658fce04c89162d64b65fdfa5ba1f79 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133948287.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133948287.jpeg</filename> + <path>cam320x240-CRACK-1665133948287.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>77</xmin> + <ymin>9</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b3fc45f67e8a0e3248e473bd216ade47f943e25f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.xml new file mode 100644 index 0000000000000000000000000000000000000000..f14ab7e048d1f9057483d9a1c77956b1f6e2eb1e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133949392.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133949392.jpeg</filename> + <path>cam320x240-CRACK-1665133949392.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>17</ymin> + <xmax>256</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f2970ce0a0ea5a1ff68170009a55f50055b7b3f2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.xml new file mode 100644 index 0000000000000000000000000000000000000000..92262c1618bec786b60a25ff70e7eef9b9f95e42 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133952703.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133952703.jpeg</filename> + <path>cam320x240-CRACK-1665133952703.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>33</ymin> + <xmax>245</xmax> + <ymax>207</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ad8c89d6b785784189befa7249a02e73bcd9318f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.xml new file mode 100644 index 0000000000000000000000000000000000000000..40577e892d7e4ba40e8a9eb74b26bc9b28d69078 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133954917.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133954917.jpeg</filename> + <path>cam320x240-CRACK-1665133954917.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>12</ymin> + <xmax>243</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..89e8b1ccbc7e1a0d85f2d00c513f41643ad2e719 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.xml new file mode 100644 index 0000000000000000000000000000000000000000..d4473838fee6a2124a23d4b16a10859fcd7a6c10 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133956021.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133956021.jpeg</filename> + <path>cam320x240-CRACK-1665133956021.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>8</ymin> + <xmax>259</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a3753b774992745bfe7828103f083e8a19aa7d2d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.xml new file mode 100644 index 0000000000000000000000000000000000000000..e156c3cf7d5247fe78dde57e845bcfbb8bfd1b0f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133957124.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133957124.jpeg</filename> + <path>cam320x240-CRACK-1665133957124.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>12</ymin> + <xmax>238</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..762f82e5295d19a4757d207e2dbc8e73839dd771 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.xml new file mode 100644 index 0000000000000000000000000000000000000000..882bca5dbc25cc569754045eeccce8179b2b8641 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133958227.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133958227.jpeg</filename> + <path>cam320x240-CRACK-1665133958227.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>12</ymin> + <xmax>238</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b7f3783887984cbdef4d16f1a1990674c9367fba Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.xml new file mode 100644 index 0000000000000000000000000000000000000000..44a247ff4895a10728973be0114725cd86f4dd76 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133959330.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133959330.jpeg</filename> + <path>cam320x240-CRACK-1665133959330.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>14</ymin> + <xmax>259</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ba0fdf29a407dfaf9d024e3b6e8c2aeff9ae5912 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.xml new file mode 100644 index 0000000000000000000000000000000000000000..0044be7001abe74e15ad74ef8cb03f6349c61848 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133964856.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133964856.jpeg</filename> + <path>cam320x240-CRACK-1665133964856.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>19</ymin> + <xmax>240</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8cfd793d218a7b6d459b3c6ed65209c4f83574e5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.xml new file mode 100644 index 0000000000000000000000000000000000000000..5bda5ac2b507bd7798666ebd5bb3893491eeb620 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133967066.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133967066.jpeg</filename> + <path>cam320x240-CRACK-1665133967066.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>17</ymin> + <xmax>245</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb0178c64f66d834b40996a5c422312c19ade825 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.xml new file mode 100644 index 0000000000000000000000000000000000000000..e6e44631c27be7863c7233581ce65585afe94c72 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133969276.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133969276.jpeg</filename> + <path>cam320x240-CRACK-1665133969276.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>25</ymin> + <xmax>238</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9ba1956b7461af0b87df6b9931bef5fc2967871e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.xml new file mode 100644 index 0000000000000000000000000000000000000000..ad2b8d4e9c8b8253a2c82953c5e9fc461a151262 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133971482.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133971482.jpeg</filename> + <path>cam320x240-CRACK-1665133971482.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>11</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9873e0bbe9327d8664b9dd15f72ca69c792c5ad5 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.xml new file mode 100644 index 0000000000000000000000000000000000000000..12b176c5f61c118b0ae6946abb0a0bd96547e5b5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133980326.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133980326.jpeg</filename> + <path>cam320x240-CRACK-1665133980326.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>10</ymin> + <xmax>243</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.jpeg b/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..c9005eebc3c9496b37161f7b275d89d04298bf76 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.xml b/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.xml new file mode 100644 index 0000000000000000000000000000000000000000..79b802ffbd6c389710f46b0a60fccda439c74371 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-CRACK-1665133984743.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-CRACK-1665133984743.jpeg</filename> + <path>cam320x240-CRACK-1665133984743.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>CRACK</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>52</xmin> + <ymin>8</ymin> + <xmax>227</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..25a5a42d4214d91dd35337dcdf0ea164d4678316 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.xml new file mode 100644 index 0000000000000000000000000000000000000000..5b889153624a1aeb7437d743f11457d7c091d86c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133295162.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133295162.jpeg</filename> + <path>cam320x240-MIPO1-1665133295162.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>13</ymin> + <xmax>243</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d8bbbc89a5fad440d39a3f447b62d148e5919670 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.xml new file mode 100644 index 0000000000000000000000000000000000000000..403c888528cf9236a73c04892612ab7838adeeda --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133303997.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133303997.jpeg</filename> + <path>cam320x240-MIPO1-1665133303997.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>14</ymin> + <xmax>259</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9abf7191a75e01d38a6ecada76052524cb3cb493 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.xml new file mode 100644 index 0000000000000000000000000000000000000000..ef71ee31399fc5aefb01feae90054f2c098f2d96 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133305104.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133305104.jpeg</filename> + <path>cam320x240-MIPO1-1665133305104.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>9</ymin> + <xmax>257</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0d0b18c7dbd9e98701c792c05a7607dc8b8c1dd0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.xml new file mode 100644 index 0000000000000000000000000000000000000000..f41359196dd19df64eda41da742729c962b3d7f2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133355930.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133355930.jpeg</filename> + <path>cam320x240-MIPO1-1665133355930.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>19</ymin> + <xmax>254</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..01a397783a50828e276a9e6de4608338f8bca2be Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.xml new file mode 100644 index 0000000000000000000000000000000000000000..e155801bbd4fb96bb273601f76a6cc24f6312a18 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133362555.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133362555.jpeg</filename> + <path>cam320x240-MIPO1-1665133362555.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>24</ymin> + <xmax>248</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..35d7b4810e19829067e670c1169f7cbc4eba74a9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.xml new file mode 100644 index 0000000000000000000000000000000000000000..26904be763ee52c5601eea131fb5aac3cba92b4b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133379120.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133379120.jpeg</filename> + <path>cam320x240-MIPO1-1665133379120.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>42</xmin> + <ymin>19</ymin> + <xmax>217</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..363894ff81c33fff0e6df96037df0a3455c3c4b9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.xml new file mode 100644 index 0000000000000000000000000000000000000000..197cdaf270b9e2938d1fb50f04b7f753852972e4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133384651.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133384651.jpeg</filename> + <path>cam320x240-MIPO1-1665133384651.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>14</ymin> + <xmax>258</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ec8415412ef7f4f3955c1171f829cfc80177582d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a49cb9a27aae2504849fc50704cfc5f414e4b81 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133415586.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133415586.jpeg</filename> + <path>cam320x240-MIPO1-1665133415586.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>19</ymin> + <xmax>260</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9733dce7941f695937d4c1b4f6bd147032011f00 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.xml new file mode 100644 index 0000000000000000000000000000000000000000..cad0f72845d171299c2dd0b82125b62dd6a5662e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133426641.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133426641.jpeg</filename> + <path>cam320x240-MIPO1-1665133426641.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>243</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2ead5d90c4abf64632bdf875d0ac6a36d63121de Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.xml new file mode 100644 index 0000000000000000000000000000000000000000..fa3c0678772aa479379f4828a0827848d5247a76 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133441017.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133441017.jpeg</filename> + <path>cam320x240-MIPO1-1665133441017.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>18</ymin> + <xmax>260</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..10765da3a3534793437ff87119e5d18f55e9e4d3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.xml new file mode 100644 index 0000000000000000000000000000000000000000..ba09a7915977addc7d29c68f24df2d179e769a42 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133448749.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133448749.jpeg</filename> + <path>cam320x240-MIPO1-1665133448749.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>17</ymin> + <xmax>240</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..45abcb13a61805b0e99759a35acb270dbac10077 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.xml new file mode 100644 index 0000000000000000000000000000000000000000..4e734dc7dd2d374404c6e3e9f9ad23282dec69c2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133459794.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133459794.jpeg</filename> + <path>cam320x240-MIPO1-1665133459794.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>14</ymin> + <xmax>258</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b3a751d5555de8514663ea4f516c65d87320e811 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.xml new file mode 100644 index 0000000000000000000000000000000000000000..99a29bcec9cd4e3e420a0adc319d9df668a9b7d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133460900.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133460900.jpeg</filename> + <path>cam320x240-MIPO1-1665133460900.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..86c8b15b552dfe3fc0418587028af8564ece9bfa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.xml new file mode 100644 index 0000000000000000000000000000000000000000..d9bd278a24e068606c36c6c589a5dfa95c648700 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133462007.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133462007.jpeg</filename> + <path>cam320x240-MIPO1-1665133462007.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>9</ymin> + <xmax>257</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..9bc83077bcbddd351f04613075b249c39b5b3e72 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.xml new file mode 100644 index 0000000000000000000000000000000000000000..2d90a873b2431bbcefb1ffe9899345fada8b066a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133480796.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133480796.jpeg</filename> + <path>cam320x240-MIPO1-1665133480796.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>14</ymin> + <xmax>244</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e5f96f7d9f0e07c30bf3b05dd9a27ab6a6fd020c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.xml new file mode 100644 index 0000000000000000000000000000000000000000..6c2e994da17fd439029fa4394c6bf90440e2718d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133503994.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133503994.jpeg</filename> + <path>cam320x240-MIPO1-1665133503994.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..361232ee4f64951cc0ef1b66150dcd717313f186 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.xml new file mode 100644 index 0000000000000000000000000000000000000000..dab8e343da09db712c881cedd7a378b5ad3e05d1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133536015.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133536015.jpeg</filename> + <path>cam320x240-MIPO1-1665133536015.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>42</xmin> + <ymin>20</ymin> + <xmax>217</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a613dbaeff671c8d92d6907e6dcce39f98356804 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.xml new file mode 100644 index 0000000000000000000000000000000000000000..9a5092180b8fba73059d1d50b511b7c46522e3c5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133539331.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133539331.jpeg</filename> + <path>cam320x240-MIPO1-1665133539331.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>12</ymin> + <xmax>255</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..372a1b0b39fdd5068fb254751129b29424df78d9 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.xml new file mode 100644 index 0000000000000000000000000000000000000000..bda0a5f32b759969ea354b3eb5e83c58f2f40920 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133540438.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133540438.jpeg</filename> + <path>cam320x240-MIPO1-1665133540438.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>8</ymin> + <xmax>257</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b4051f6120436a522c9f8d88507a0661840f706a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.xml new file mode 100644 index 0000000000000000000000000000000000000000..952df43194bb775076449b0b4908182d3636201b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133576892.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133576892.jpeg</filename> + <path>cam320x240-MIPO1-1665133576892.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>22</ymin> + <xmax>238</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6bc92c9f9cdbb558d7a8fb0890daa0c42c140776 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.xml new file mode 100644 index 0000000000000000000000000000000000000000..d7334a76d11774bebd488e812fbcc5d38ee572c8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133605608.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133605608.jpeg</filename> + <path>cam320x240-MIPO1-1665133605608.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>14</ymin> + <xmax>258</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb3dcd0747b7500d6dfe5745c8639d5947f61571 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.xml new file mode 100644 index 0000000000000000000000000000000000000000..410fb403b4d46b4743121d3edec2d58f34865f45 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133607815.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133607815.jpeg</filename> + <path>cam320x240-MIPO1-1665133607815.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>243</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e91345e94abd7d40fe887dbdbbc4df9b472d9a67 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.xml new file mode 100644 index 0000000000000000000000000000000000000000..6a9ea7a38b71ccbd4ba9b32b2163a2f3f786981f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133625483.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133625483.jpeg</filename> + <path>cam320x240-MIPO1-1665133625483.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d269432b795fbd4b04d21945d53b9a966e79b217 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.xml new file mode 100644 index 0000000000000000000000000000000000000000..82cc0beb9133bb0cd52e1c5e9874d86b51c19716 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133637621.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133637621.jpeg</filename> + <path>cam320x240-MIPO1-1665133637621.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>19</ymin> + <xmax>255</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3694a236aa1ebd0cd5e61b0ee5e68fefd40dff14 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.xml new file mode 100644 index 0000000000000000000000000000000000000000..4c47af9a9f10c9d1f92b00222bd51d6ee59ca53a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133646675.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133646675.jpeg</filename> + <path>cam320x240-MIPO1-1665133646675.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>9</ymin> + <xmax>257</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..925c26781f1126dc9128150311f3c52c5c8cb4ea Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.xml new file mode 100644 index 0000000000000000000000000000000000000000..88ff775b8c9ad51d1373474f3cc4cdc8794c6e77 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133667669.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133667669.jpeg</filename> + <path>cam320x240-MIPO1-1665133667669.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>19</ymin> + <xmax>261</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb3457ace553d1aecaa0769f3a5db8612763cc03 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.xml new file mode 100644 index 0000000000000000000000000000000000000000..eeb083458db0fb3e81533f429622e5bbfb291966 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133668771.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133668771.jpeg</filename> + <path>cam320x240-MIPO1-1665133668771.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>1</ymin> + <xmax>233</xmax> + <ymax>176</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2a19d672ced0e2b2cfd02b7178e1cd5e605d2a12 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.xml new file mode 100644 index 0000000000000000000000000000000000000000..1b42b25eb885c65586bc2221fc17f992a0a4a24c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133698620.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133698620.jpeg</filename> + <path>cam320x240-MIPO1-1665133698620.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>18</ymin> + <xmax>259</xmax> + <ymax>192</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2f018b601b57620e033a21c3ec38c5849cd32b4e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.xml new file mode 100644 index 0000000000000000000000000000000000000000..8f6410f8e96fcd52b8a302a8fcca2c48f752a0b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133703034.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133703034.jpeg</filename> + <path>cam320x240-MIPO1-1665133703034.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>55</xmin> + <ymin>1</ymin> + <xmax>232</xmax> + <ymax>176</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..03b05c256eb45062b92ec04c880e36acc098c3a4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.xml new file mode 100644 index 0000000000000000000000000000000000000000..e7b024e95fa36ba2b9da9871637a709c3007f01b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133719617.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133719617.jpeg</filename> + <path>cam320x240-MIPO1-1665133719617.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>16</ymin> + <xmax>238</xmax> + <ymax>190</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..55fd1e12e2a6720b7738b5bafc05e42d775d111f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.xml new file mode 100644 index 0000000000000000000000000000000000000000..b03901a54ad93ff11092f0026cfd7117777a7f3d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133727348.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133727348.jpeg</filename> + <path>cam320x240-MIPO1-1665133727348.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>13</ymin> + <xmax>255</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..95bf26e30c450bcf4d2ab63a728c0d7fe7bd970d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.xml new file mode 100644 index 0000000000000000000000000000000000000000..4dd728335777212cdd9f4fa083cf3866c00b1af3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133741703.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133741703.jpeg</filename> + <path>cam320x240-MIPO1-1665133741703.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>17</ymin> + <xmax>237</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7e0fed52305e8404df6eedb3e494a2615ab413e2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.xml new file mode 100644 index 0000000000000000000000000000000000000000..91fd661a6c55969a4e5a873040cdffb1976121f1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133748330.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133748330.jpeg</filename> + <path>cam320x240-MIPO1-1665133748330.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>13</ymin> + <xmax>258</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8101327f63f16d2e9baf1198e917d574ae05769a Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.xml new file mode 100644 index 0000000000000000000000000000000000000000..b045f6caa1a1fa576012b828aef05e40b2ae483f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133759370.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133759370.jpeg</filename> + <path>cam320x240-MIPO1-1665133759370.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>14</ymin> + <xmax>259</xmax> + <ymax>189</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d3ce84e5779b783f702a48c9ce38b7247c6026bd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.xml new file mode 100644 index 0000000000000000000000000000000000000000..f70e9814e85b851bc70c0104369c7b8668d9b665 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133789212.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133789212.jpeg</filename> + <path>cam320x240-MIPO1-1665133789212.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>23</ymin> + <xmax>248</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..488a31fa40fd158025309c66b0a6910de71e8c41 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.xml new file mode 100644 index 0000000000000000000000000000000000000000..487e5137fe3feb95d9301f65fe2c44bcb2fe8eb1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133790316.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133790316.jpeg</filename> + <path>cam320x240-MIPO1-1665133790316.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>55</xmin> + <ymin>1</ymin> + <xmax>232</xmax> + <ymax>177</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e430fac85a605e9790db3069d3beb281acc149c0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.xml new file mode 100644 index 0000000000000000000000000000000000000000..97d54dde80b79e9546bcbca3b3eb9e96d8e3d1f7 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133796947.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133796947.jpeg</filename> + <path>cam320x240-MIPO1-1665133796947.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>14</ymin> + <xmax>243</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d5f36834cedf9cb697b02ac67fec3baa053418c2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.xml new file mode 100644 index 0000000000000000000000000000000000000000..14a404da3959e06b2795b955cf406fb4dac949e4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133816826.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133816826.jpeg</filename> + <path>cam320x240-MIPO1-1665133816826.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>12</ymin> + <xmax>255</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fb54de4add504e3aff822d1a75fa11dd0ade8b09 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.xml new file mode 100644 index 0000000000000000000000000000000000000000..637b637b7aae61b60960ccc642105fb8dd7adece --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133820140.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133820140.jpeg</filename> + <path>cam320x240-MIPO1-1665133820140.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>13</ymin> + <xmax>241</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fab7c127d9961a981a355c34fff235ed917d0727 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.xml new file mode 100644 index 0000000000000000000000000000000000000000..3f738fed97b939b60c90849e1102ecebd302e9f1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133826767.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133826767.jpeg</filename> + <path>cam320x240-MIPO1-1665133826767.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>243</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..95c4e68a0bd63f85e5934019c5879c7e9bff4e6d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.xml new file mode 100644 index 0000000000000000000000000000000000000000..a996cdb440b9c26f3c7a5cf5489e4e63ae646bd2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133845541.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133845541.jpeg</filename> + <path>cam320x240-MIPO1-1665133845541.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>19</ymin> + <xmax>261</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..addc1002587ba9ebe123aaacafc1b14d37983c64 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.xml new file mode 100644 index 0000000000000000000000000000000000000000..c706023481f14f55e603510f558082adc6d382ea --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133855484.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133855484.jpeg</filename> + <path>cam320x240-MIPO1-1665133855484.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>57</xmin> + <ymin>1</ymin> + <xmax>231</xmax> + <ymax>175</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d86ae37bbb1c8b4a9a3238d21f15b4b2dd2ec7be Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.xml new file mode 100644 index 0000000000000000000000000000000000000000..cef53b03aa89d7354db4a9ccffd291a94ffbd7a4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133856590.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133856590.jpeg</filename> + <path>cam320x240-MIPO1-1665133856590.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>66</xmin> + <ymin>11</ymin> + <xmax>241</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3c31799f859e18bd798a20258bdfeb3958b590ea Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.xml new file mode 100644 index 0000000000000000000000000000000000000000..d88d1deffd8b126498680e8ead157461430d9521 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133858799.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133858799.jpeg</filename> + <path>cam320x240-MIPO1-1665133858799.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>12</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..63e80936b204d6200b45019ca265f3742b454cc0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.xml new file mode 100644 index 0000000000000000000000000000000000000000..6392366470a803988909098582f7ae3ef7e7eeaa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133865427.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133865427.jpeg</filename> + <path>cam320x240-MIPO1-1665133865427.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>81</xmin> + <ymin>9</ymin> + <xmax>256</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8731ccc51119138d7a07977d25de976389937e26 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.xml new file mode 100644 index 0000000000000000000000000000000000000000..e45c27f1c2eeeec66f7123eb62ec140c4b50e905 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133888622.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133888622.jpeg</filename> + <path>cam320x240-MIPO1-1665133888622.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>14</ymin> + <xmax>241</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..386437322a84597aa3bf1f1e615d6274cafbb405 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.xml new file mode 100644 index 0000000000000000000000000000000000000000..7accfe298fead493d600febea389d5d6056cf09e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133907395.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133907395.jpeg</filename> + <path>cam320x240-MIPO1-1665133907395.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>41</xmin> + <ymin>20</ymin> + <xmax>217</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..89986c6b93ca9454da78df5e250107c9d8b66a39 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.xml new file mode 100644 index 0000000000000000000000000000000000000000..2892389233f2dc93f40ea4bf624d8c002440ad33 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133931708.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133931708.jpeg</filename> + <path>cam320x240-MIPO1-1665133931708.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>14</ymin> + <xmax>243</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5c332edd879a33f49d3b3bae0b8baced8e86d55e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.xml new file mode 100644 index 0000000000000000000000000000000000000000..b90e4616f5e8f8f64e1d4dc03ff81564c95604a1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133944970.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133944970.jpeg</filename> + <path>cam320x240-MIPO1-1665133944970.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>43</xmin> + <ymin>20</ymin> + <xmax>215</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a1f3b86fc77ed363398353d3d5d4a3084502f87d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.xml new file mode 100644 index 0000000000000000000000000000000000000000..ba7d48c5f7d54e828db18150b2b66bdd6c48dbd6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133960437.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133960437.jpeg</filename> + <path>cam320x240-MIPO1-1665133960437.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>24</ymin> + <xmax>249</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8b0bad35e94215cdfc6b622311e3ffd409430c08 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.xml new file mode 100644 index 0000000000000000000000000000000000000000..2577043f0e2d85ecf14b6f98d36867429fb42305 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133982533.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133982533.jpeg</filename> + <path>cam320x240-MIPO1-1665133982533.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>2</ymin> + <xmax>230</xmax> + <ymax>177</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1ff297127dec1e503d15d043d763d403510c62a0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.xml b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.xml new file mode 100644 index 0000000000000000000000000000000000000000..6a17add4fa5ea2c1df726e61ba1bac61e244c288 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO1-1665133983638.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO1-1665133983638.jpeg</filename> + <path>cam320x240-MIPO1-1665133983638.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO1</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>24</ymin> + <xmax>248</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d8e4caa3d55a8744ccbe9f1133bf987dc4433311 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.xml new file mode 100644 index 0000000000000000000000000000000000000000..4bd1792531656369386019cae6e728241eb70b04 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133279693.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133279693.jpeg</filename> + <path>cam320x240-MIPO2-1665133279693.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>1</ymin> + <xmax>224</xmax> + <ymax>139</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cb83afc3410b0d3398527849c22a8ac9a1350736 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.xml new file mode 100644 index 0000000000000000000000000000000000000000..f6b5f511d9e1cc8b92eee6d1738c6fa2335fdfb3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133288536.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133288536.jpeg</filename> + <path>cam320x240-MIPO2-1665133288536.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>1</ymin> + <xmax>237</xmax> + <ymax>152</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2111d28cd1718cc7edfab8274c9e3705a9f4c6cc Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.xml new file mode 100644 index 0000000000000000000000000000000000000000..5fddaad53113bf1ea613500c708660abf0ece097 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133290743.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133290743.jpeg</filename> + <path>cam320x240-MIPO2-1665133290743.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>13</ymin> + <xmax>234</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f1a1bbf4a38ad879a68efb86eefa47de94f2ac22 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.xml new file mode 100644 index 0000000000000000000000000000000000000000..4b8829f6910612e945f61c0732f22045e7f4bcd0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133307312.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133307312.jpeg</filename> + <path>cam320x240-MIPO2-1665133307312.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>23</ymin> + <xmax>244</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5b0f55cf44e3c1111f02bffd6e2b892c5d69dacb Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.xml new file mode 100644 index 0000000000000000000000000000000000000000..c9438c6346dee6e34674676fe435301a9b6d3412 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133332732.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133332732.jpeg</filename> + <path>cam320x240-MIPO2-1665133332732.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>22</ymin> + <xmax>259</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4f902ed0bd21acdcdb793f7cb2b1160e6b4af634 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.xml new file mode 100644 index 0000000000000000000000000000000000000000..11178bd89772fd35fda60f6072c3a81c9343a885 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133343781.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133343781.jpeg</filename> + <path>cam320x240-MIPO2-1665133343781.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>10</ymin> + <xmax>246</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cfa0dd5a099ec04548d7cf7e6d26de7780b2267c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.xml new file mode 100644 index 0000000000000000000000000000000000000000..5aacbc30e95377e718bc2d5c7293d0df20f1b11e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133353721.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133353721.jpeg</filename> + <path>cam320x240-MIPO2-1665133353721.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>10</ymin> + <xmax>244</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3a69d671da6a30aff1d7ae8695459aebd90251f3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.xml new file mode 100644 index 0000000000000000000000000000000000000000..158a4a4065a4a55c38053df723460f23da867729 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133363659.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133363659.jpeg</filename> + <path>cam320x240-MIPO2-1665133363659.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>11</ymin> + <xmax>254</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..dc600fe18f086c2c57de81d3ca6f925d4b1844a8 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.xml new file mode 100644 index 0000000000000000000000000000000000000000..55591e673e7fa84df5d969ce60410c103edf3b87 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133371387.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133371387.jpeg</filename> + <path>cam320x240-MIPO2-1665133371387.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>8</ymin> + <xmax>238</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ba1af63d3f5a3917cc2b2bbdd308e9edd67cb772 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.xml new file mode 100644 index 0000000000000000000000000000000000000000..c880bc631f00be0f0c4d644cac6df8113f23e489 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133373596.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133373596.jpeg</filename> + <path>cam320x240-MIPO2-1665133373596.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>7</ymin> + <xmax>239</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0421c5802765ca673ca39324542e6d7174032ec4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.xml new file mode 100644 index 0000000000000000000000000000000000000000..6c87255a7bbc0940d219f594f2eb061e76e4898e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133374702.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133374702.jpeg</filename> + <path>cam320x240-MIPO2-1665133374702.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>54</xmin> + <ymin>11</ymin> + <xmax>229</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..370b7929386964cb8f5814a8f74e74982b709248 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.xml new file mode 100644 index 0000000000000000000000000000000000000000..033384bc6cb2f2eed6dbffaa9df7d3d1a7ebe16b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133378018.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133378018.jpeg</filename> + <path>cam320x240-MIPO2-1665133378018.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>58</xmin> + <ymin>12</ymin> + <xmax>234</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..299dca4fdcffdfcaa1c1b040f0a07949c9df922c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.xml new file mode 100644 index 0000000000000000000000000000000000000000..7e173d4eeb597dd921f1714f06d1cdde6ee6dcea --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133394593.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133394593.jpeg</filename> + <path>cam320x240-MIPO2-1665133394593.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>244</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5cca014f34841a2096eb39c9693813c75c4e3527 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.xml new file mode 100644 index 0000000000000000000000000000000000000000..621cdfe8c8479f1659b2b1be2ea3c5b4f901dcbe --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133396800.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133396800.jpeg</filename> + <path>cam320x240-MIPO2-1665133396800.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>94</xmin> + <ymin>16</ymin> + <xmax>270</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..84ffb0db6199603f0cc8fd653447465e443afa2f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.xml new file mode 100644 index 0000000000000000000000000000000000000000..b6d65b26c3269c22260933113576076a0a412fa5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133397906.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133397906.jpeg</filename> + <path>cam320x240-MIPO2-1665133397906.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>17</ymin> + <xmax>259</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7b222d41a5c86b18ff41d4b70d15c2093cfef59e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.xml new file mode 100644 index 0000000000000000000000000000000000000000..769c12aae104804011d5bdd9fa41c6574e59606f --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133406748.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133406748.jpeg</filename> + <path>cam320x240-MIPO2-1665133406748.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>25</ymin> + <xmax>245</xmax> + <ymax>199</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32a829969123cc1a7182a012ba663c55e9796623 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.xml new file mode 100644 index 0000000000000000000000000000000000000000..9973cc39a9891e11a346e252cba7a3c2202eca5a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133407854.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133407854.jpeg</filename> + <path>cam320x240-MIPO2-1665133407854.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>11</ymin> + <xmax>237</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d4c7e0c4ec81083eac9f87603afba2867641bee1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.xml new file mode 100644 index 0000000000000000000000000000000000000000..c4a8f6511c32529b94ab8fc70ab8e95c7a7fcbff --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133418903.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133418903.jpeg</filename> + <path>cam320x240-MIPO2-1665133418903.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>82</xmin> + <ymin>22</ymin> + <xmax>258</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..8198ade50ccfba862250f7cd4f705c4c1e720358 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.xml new file mode 100644 index 0000000000000000000000000000000000000000..5a45f7e8007b0bd08698a346cba56f970afbd89b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133425535.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133425535.jpeg</filename> + <path>cam320x240-MIPO2-1665133425535.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>95</xmin> + <ymin>8</ymin> + <xmax>270</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f4c11a49678128d7bfb4de917b22775b24fec421 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.xml new file mode 100644 index 0000000000000000000000000000000000000000..a8ededd81bfa13f6cc9040315d989b639a273af4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133428852.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133428852.jpeg</filename> + <path>cam320x240-MIPO2-1665133428852.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>9</ymin> + <xmax>249</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..37744809f7dbce0d2956b44d66d4b7a036f567ff Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.xml new file mode 100644 index 0000000000000000000000000000000000000000..4c2ef613df95cf700f5ccaad1833eb740a4ea945 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133432176.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133432176.jpeg</filename> + <path>cam320x240-MIPO2-1665133432176.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>17</ymin> + <xmax>259</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..1895f167d4cb07c4852ac7d7fa6972a1291edf19 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.xml new file mode 100644 index 0000000000000000000000000000000000000000..1ae0518ca87992ffdb015b59838080362567f633 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133436599.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133436599.jpeg</filename> + <path>cam320x240-MIPO2-1665133436599.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>11</ymin> + <xmax>243</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fe20e715640bd6dd311ca84c9cc7e222c99c40b1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.xml new file mode 100644 index 0000000000000000000000000000000000000000..e3afeee84d2a1b7d74b4c991f46f211e3f59c3ac --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133439912.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133439912.jpeg</filename> + <path>cam320x240-MIPO2-1665133439912.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>36</xmin> + <ymin>24</ymin> + <xmax>211</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a7af85c001c27269d1321fec2938347c6d004359 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.xml new file mode 100644 index 0000000000000000000000000000000000000000..559e3fa8c53200bcd9f90892963105d9783966c3 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133454274.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133454274.jpeg</filename> + <path>cam320x240-MIPO2-1665133454274.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>60</xmin> + <ymin>1</ymin> + <xmax>237</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..acf2a220cc5d5049a5d5a8590d4b80a9905c3e5b Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.xml new file mode 100644 index 0000000000000000000000000000000000000000..1063142ccd744667ad32b7750debbee95c56bcf1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133455379.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133455379.jpeg</filename> + <path>cam320x240-MIPO2-1665133455379.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>16</ymin> + <xmax>259</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..893829f1e01d4d6b8c7e805d55194f7692e696b6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.xml new file mode 100644 index 0000000000000000000000000000000000000000..2e729d76e3bf394504799017f1a24eaa76998899 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133456481.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133456481.jpeg</filename> + <path>cam320x240-MIPO2-1665133456481.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>10</ymin> + <xmax>244</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d67d083c74fbb07eb2dda2247c45e896167674fa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.xml new file mode 100644 index 0000000000000000000000000000000000000000..0be9b1d4cf31cc4b4850491220deadf35f7f1809 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133464219.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133464219.jpeg</filename> + <path>cam320x240-MIPO2-1665133464219.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>13</ymin> + <xmax>233</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..32fc2949dd9a22c9e9808c94b461104ab04349e0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.xml new file mode 100644 index 0000000000000000000000000000000000000000..d4dc55ca0fe2637e4ccf8147c63acce5dec108a0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133466430.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133466430.jpeg</filename> + <path>cam320x240-MIPO2-1665133466430.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>60</xmin> + <ymin>12</ymin> + <xmax>233</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bb98632080e1f7a925cde2e8269bb2fa6cdb982e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.xml new file mode 100644 index 0000000000000000000000000000000000000000..7377162b6eb1f3ba2479f94dd8a3fb4159764aab --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133479690.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133479690.jpeg</filename> + <path>cam320x240-MIPO2-1665133479690.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>61</xmin> + <ymin>1</ymin> + <xmax>236</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..58ca6d17e379bd3af86ba6b91ae5a88e4a3d9f4c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.xml new file mode 100644 index 0000000000000000000000000000000000000000..f3f42b06211ecbbdad9c586f6b731c715348da26 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133488537.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133488537.jpeg</filename> + <path>cam320x240-MIPO2-1665133488537.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>10</ymin> + <xmax>249</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e04edc4f27205ee5338ebf9aaf9277fb02667955 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.xml new file mode 100644 index 0000000000000000000000000000000000000000..59536132d7886541f65ce0f939e20dad4f4b94b2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133491855.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133491855.jpeg</filename> + <path>cam320x240-MIPO2-1665133491855.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>151</xmin> + <ymin>1</ymin> + <xmax>320</xmax> + <ymax>147</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..62b1a8e7056f6ed8345cd16673c4a3ee55dbc373 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.xml new file mode 100644 index 0000000000000000000000000000000000000000..50d0f4494d4ec27544d776eb7062da580ca38618 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133492960.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133492960.jpeg</filename> + <path>cam320x240-MIPO2-1665133492960.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>11</ymin> + <xmax>234</xmax> + <ymax>188</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..26dc3a7837142f762b4d3a0bac315502d60682c4 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.xml new file mode 100644 index 0000000000000000000000000000000000000000..7e32f0a499ee337d926a1b8bb1b67ae6549292b5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133494065.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133494065.jpeg</filename> + <path>cam320x240-MIPO2-1665133494065.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>19</ymin> + <xmax>260</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7feabe98a2a8cccb94902b827dd5a4fe03e3feca Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.xml new file mode 100644 index 0000000000000000000000000000000000000000..f2610e45098ca969308868e8aaca06eb0f7d297a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133513934.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133513934.jpeg</filename> + <path>cam320x240-MIPO2-1665133513934.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>22</ymin> + <xmax>238</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ebb37da2451ccf453cbccc32f45b9b34fd8f06ef Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.xml new file mode 100644 index 0000000000000000000000000000000000000000..fc7b05c0c5360f8e04cf9fe711a355d7b6f67469 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133515036.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133515036.jpeg</filename> + <path>cam320x240-MIPO2-1665133515036.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>24</ymin> + <xmax>245</xmax> + <ymax>200</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d6efdc4441958e008894fb986de1b297c5acf775 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.xml new file mode 100644 index 0000000000000000000000000000000000000000..d12f82dce671e2a0c31e245ba80d360d1a8c8293 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133518345.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133518345.jpeg</filename> + <path>cam320x240-MIPO2-1665133518345.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>24</ymin> + <xmax>259</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3f8f2cf36351487dd84f703498d2b36388cb03f1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.xml new file mode 100644 index 0000000000000000000000000000000000000000..9eb4af07cff8f7de0628b0c64f55678241fb8537 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133523869.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133523869.jpeg</filename> + <path>cam320x240-MIPO2-1665133523869.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>75</xmin> + <ymin>9</ymin> + <xmax>249</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..70bc086db71f614b77bdc4611ada60664e0d65bd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.xml new file mode 100644 index 0000000000000000000000000000000000000000..4398c636c4dc0a2cddc0ffa8503c956b12dcbc7b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133527182.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133527182.jpeg</filename> + <path>cam320x240-MIPO2-1665133527182.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>16</ymin> + <xmax>259</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6df65c03ca7d113217c9cb5915fcb1747d264eaa Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.xml new file mode 100644 index 0000000000000000000000000000000000000000..427530edffcda4794d0a8768ec4fb29691b2591d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133547063.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133547063.jpeg</filename> + <path>cam320x240-MIPO2-1665133547063.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>64</xmin> + <ymin>11</ymin> + <xmax>238</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..403f11c00886e57874e7211df7afea2ad1fe843c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.xml new file mode 100644 index 0000000000000000000000000000000000000000..be994bf7906863d19209ecafd7eabd33d962c30d --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133549271.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133549271.jpeg</filename> + <path>cam320x240-MIPO2-1665133549271.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>1</ymin> + <xmax>233</xmax> + <ymax>162</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bfb21f49e9a8150a700dd57e30d151d7819a3257 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.xml new file mode 100644 index 0000000000000000000000000000000000000000..680e1fad4ed100c526c6d16264b1c451a0b66357 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133571370.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133571370.jpeg</filename> + <path>cam320x240-MIPO2-1665133571370.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>19</ymin> + <xmax>260</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..dc8610efff717531120d4ed461b888d062d3376c Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.xml new file mode 100644 index 0000000000000000000000000000000000000000..9e26888c01a5290f037f23382ec0e5df3383cbc8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133574684.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133574684.jpeg</filename> + <path>cam320x240-MIPO2-1665133574684.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>152</xmin> + <ymin>1</ymin> + <xmax>320</xmax> + <ymax>147</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f3f7be2211927aa9e334d11f8e9c6fbfd466c71e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.xml new file mode 100644 index 0000000000000000000000000000000000000000..a740bc1d8a8e623aa66dd493fd374656b5c92c40 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133577997.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133577997.jpeg</filename> + <path>cam320x240-MIPO2-1665133577997.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>70</xmin> + <ymin>23</ymin> + <xmax>245</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..fdfad57b18e0c7166b02a92a3c9f5908ea83c797 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.xml new file mode 100644 index 0000000000000000000000000000000000000000..a02dfbb3d113ae7b2faecc19f9e070180e8aa91c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133583510.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133583510.jpeg</filename> + <path>cam320x240-MIPO2-1665133583510.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a7cdd2423bf6df0eb543b3769c0bed8ba5782268 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.xml new file mode 100644 index 0000000000000000000000000000000000000000..6167498011e7557f05d63aabf35ca9e33a6fb18e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133606713.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133606713.jpeg</filename> + <path>cam320x240-MIPO2-1665133606713.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>11</ymin> + <xmax>243</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..29a9ddf929277613d4516645e1039d57470ba110 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.xml new file mode 100644 index 0000000000000000000000000000000000000000..0d3df20b967e5d99ec2ff3be7778759a304496f5 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133615538.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133615538.jpeg</filename> + <path>cam320x240-MIPO2-1665133615538.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>22</ymin> + <xmax>259</xmax> + <ymax>198</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3280fa36d82a4fd5effda0848a6b9fa67b9e260f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.xml new file mode 100644 index 0000000000000000000000000000000000000000..6a5c65751d52a4f52f032d751b66dbd3e3df4dd0 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133638728.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133638728.jpeg</filename> + <path>cam320x240-MIPO2-1665133638728.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>11</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b9dfcfb18f41aba122090c0ab22b6b421cdedb29 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.xml new file mode 100644 index 0000000000000000000000000000000000000000..38e2a698f44317873b4da6d75f415951d91aadb1 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133648885.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133648885.jpeg</filename> + <path>cam320x240-MIPO2-1665133648885.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>11</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..06386377143c3ba867c902fe4cb508d33fc7871e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.xml new file mode 100644 index 0000000000000000000000000000000000000000..4a977b5937f988f0b6907bb4a4858aa567eb879c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133665457.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133665457.jpeg</filename> + <path>cam320x240-MIPO2-1665133665457.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>74</xmin> + <ymin>18</ymin> + <xmax>248</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..05e38bd7c005a73e80f3843dd7d0de226810c348 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.xml new file mode 100644 index 0000000000000000000000000000000000000000..17caef3e3d534b3c6febc8d3820136a4424f72d8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133672089.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133672089.jpeg</filename> + <path>cam320x240-MIPO2-1665133672089.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>11</ymin> + <xmax>237</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..98e8de3234a11cc8ac41d221e9bc58d785134dd2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.xml new file mode 100644 index 0000000000000000000000000000000000000000..3258e4fa2f83055e2c5b88bbe99e3b63d65aaa9c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133682041.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133682041.jpeg</filename> + <path>cam320x240-MIPO2-1665133682041.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>11</ymin> + <xmax>235</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f330c35046c7ac11c39185b6cd17200e4abd5734 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.xml new file mode 100644 index 0000000000000000000000000000000000000000..e86aea6fa0fbe94849e648ec9242503df7c0c6b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133686464.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133686464.jpeg</filename> + <path>cam320x240-MIPO2-1665133686464.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>7</ymin> + <xmax>239</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5d516c9d16c59ca5273a42f0bbb1096610e1631f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.xml new file mode 100644 index 0000000000000000000000000000000000000000..2d66a107bc3c6e94c269ac71ee3e76587608f724 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133687569.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133687569.jpeg</filename> + <path>cam320x240-MIPO2-1665133687569.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>68</xmin> + <ymin>12</ymin> + <xmax>244</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..eb06ac809e60971bc1e30ca90b20be3de30fa256 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.xml new file mode 100644 index 0000000000000000000000000000000000000000..7a362bf57b6dc7b053962c97f78a2836cc684955 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133705243.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133705243.jpeg</filename> + <path>cam320x240-MIPO2-1665133705243.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>54</xmin> + <ymin>12</ymin> + <xmax>229</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6734c64add605966ddc259ed1407a06a51041ff7 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.xml new file mode 100644 index 0000000000000000000000000000000000000000..03fe42af8626718df619aa3ff43a1132d991c8b4 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133709662.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133709662.jpeg</filename> + <path>cam320x240-MIPO2-1665133709662.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>65</xmin> + <ymin>13</ymin> + <xmax>241</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..a3d4c7c39789cd4804cf4ce02cce482a123bcc24 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.xml new file mode 100644 index 0000000000000000000000000000000000000000..42e05b6eadc6a7527eff5593672c5050edc3e84c --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133714090.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133714090.jpeg</filename> + <path>cam320x240-MIPO2-1665133714090.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>80</xmin> + <ymin>11</ymin> + <xmax>253</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b18653c98b4f774d7e3b74632d2091e2bb006197 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.xml new file mode 100644 index 0000000000000000000000000000000000000000..c11d52d12e959539d2c4ed3390b4200f2233fed6 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133715196.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133715196.jpeg</filename> + <path>cam320x240-MIPO2-1665133715196.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>86</xmin> + <ymin>19</ymin> + <xmax>259</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4a7c9bbfe81f1d0e18fe8d2e9c35deed48850a84 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.xml new file mode 100644 index 0000000000000000000000000000000000000000..83248c0ea3adff150e946ea468b7b687bad0b63a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133735080.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133735080.jpeg</filename> + <path>cam320x240-MIPO2-1665133735080.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>10</ymin> + <xmax>238</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..37582df387bc8318c2ae8237955bcc8d388aede0 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a86a9d8b79f4df3db738839cee04b9602a8ad05 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133746120.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133746120.jpeg</filename> + <path>cam320x240-MIPO2-1665133746120.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>79</xmin> + <ymin>11</ymin> + <xmax>254</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f429e8f1762fbbae2f6de9155a6d2b4bb3a84b29 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.xml new file mode 100644 index 0000000000000000000000000000000000000000..495a9a03ed237bc9eb0d851197f0c79f28955aef --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133760477.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133760477.jpeg</filename> + <path>cam320x240-MIPO2-1665133760477.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>11</ymin> + <xmax>235</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..b8bceed52d98f1e71141c45b4298f488680534cd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.xml new file mode 100644 index 0000000000000000000000000000000000000000..f4e06f8d54064c44a3699b4fdb9b1a4f47cc66cf --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133773744.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133773744.jpeg</filename> + <path>cam320x240-MIPO2-1665133773744.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>57</xmin> + <ymin>1</ymin> + <xmax>232</xmax> + <ymax>162</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..3f85d294d58a0362ac4020bc0ae713e1b9a149d2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.xml new file mode 100644 index 0000000000000000000000000000000000000000..bb8efab4295f863aa36e55bc1335cbed75f755d2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133777064.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133777064.jpeg</filename> + <path>cam320x240-MIPO2-1665133777064.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>78</xmin> + <ymin>11</ymin> + <xmax>254</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e79a71a3d352e43755c326cb196b3fcce0e309be Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.xml new file mode 100644 index 0000000000000000000000000000000000000000..144bfa37d11238dc398457a28703473a3a1f3e14 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133780373.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133780373.jpeg</filename> + <path>cam320x240-MIPO2-1665133780373.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>63</xmin> + <ymin>11</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..598f768223459d314e15f6d88326c16ee4ee1ce3 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.xml new file mode 100644 index 0000000000000000000000000000000000000000..c374af11874abc501fa7b2283364510e7cc35238 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133802472.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133802472.jpeg</filename> + <path>cam320x240-MIPO2-1665133802472.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>56</xmin> + <ymin>1</ymin> + <xmax>232</xmax> + <ymax>162</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f8c86cdd7fe707ff3335ff342a98422f00a52de6 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.xml new file mode 100644 index 0000000000000000000000000000000000000000..6b56c46e1e0df70e21ceeafaaee39cd3d1110d05 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133804682.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133804682.jpeg</filename> + <path>cam320x240-MIPO2-1665133804682.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>1</ymin> + <xmax>247</xmax> + <ymax>139</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..520d418cac8bb9c90e4b20b2a86c430ba654cd43 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.xml new file mode 100644 index 0000000000000000000000000000000000000000..1d743b4ca3abb00fb323be1a12607158773c8248 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133812403.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133812403.jpeg</filename> + <path>cam320x240-MIPO2-1665133812403.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>10</ymin> + <xmax>245</xmax> + <ymax>184</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..46578bb23edb42f5960b66bb61b7acf6bdcbbd96 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.xml new file mode 100644 index 0000000000000000000000000000000000000000..6214713bdec44bce77291d3f61d96ce1632a03aa --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133830083.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133830083.jpeg</filename> + <path>cam320x240-MIPO2-1665133830083.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..37cbc72a2072c5ac6b18e45ff03f56d939b8f63f Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.xml new file mode 100644 index 0000000000000000000000000000000000000000..70f0daa03f81a80ff897bf1e9f9739f5c6d117be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133831187.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133831187.jpeg</filename> + <path>cam320x240-MIPO2-1665133831187.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>73</xmin> + <ymin>9</ymin> + <xmax>250</xmax> + <ymax>182</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..2243aef7644feb4113c77f516d92b79d18eddc33 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.xml new file mode 100644 index 0000000000000000000000000000000000000000..7688f904fce1f5f5e0ad028506a8fb24c844bda8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133840026.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133840026.jpeg</filename> + <path>cam320x240-MIPO2-1665133840026.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>69</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..f668e4eafe80897b46db58e60725854ad515cf15 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.xml new file mode 100644 index 0000000000000000000000000000000000000000..7be9ffb244e601eaf49f04aee63742df73532663 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133851065.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133851065.jpeg</filename> + <path>cam320x240-MIPO2-1665133851065.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>62</xmin> + <ymin>10</ymin> + <xmax>237</xmax> + <ymax>186</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..870f0c983c9946ab9121231bdaabd7d339073cdd Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.xml new file mode 100644 index 0000000000000000000000000000000000000000..9dd407f4d4622fddc6315d104f275f4b2dcc642a --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133853273.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133853273.jpeg</filename> + <path>cam320x240-MIPO2-1665133853273.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>71</xmin> + <ymin>10</ymin> + <xmax>245</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..abacd8a0806f333775e753c0d6f5aa24144ecf27 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.xml new file mode 100644 index 0000000000000000000000000000000000000000..745656e43aa5bac7b0775f24daee894284872a63 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133861010.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133861010.jpeg</filename> + <path>cam320x240-MIPO2-1665133861010.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>85</xmin> + <ymin>19</ymin> + <xmax>259</xmax> + <ymax>193</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..52e147e901a9490a621f78741b60bf6466a4151d Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.xml new file mode 100644 index 0000000000000000000000000000000000000000..e86c79ff8bdca90962ba1bba0f6f2af80fb95454 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133862113.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133862113.jpeg</filename> + <path>cam320x240-MIPO2-1665133862113.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>23</ymin> + <xmax>259</xmax> + <ymax>197</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..0d5ea856c83332d65810357ec0bafa02e5dd8bb2 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.xml new file mode 100644 index 0000000000000000000000000000000000000000..59779152def19c70d34ccac8e2325388ecc927b8 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133872056.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133872056.jpeg</filename> + <path>cam320x240-MIPO2-1665133872056.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>13</ymin> + <xmax>242</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..4db51bd8dfe8870746cfd8ffb3936dbb2a83f582 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.xml new file mode 100644 index 0000000000000000000000000000000000000000..657cfd9c3271f20c19856a4231b84aa2a6be5d09 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133905188.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133905188.jpeg</filename> + <path>cam320x240-MIPO2-1665133905188.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>84</xmin> + <ymin>19</ymin> + <xmax>260</xmax> + <ymax>194</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..cef0f132545e52a243391840016fc3d26d4acaaf Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.xml new file mode 100644 index 0000000000000000000000000000000000000000..a67a5191fdb54ee859e0019b7a532302344f77c9 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133910706.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133910706.jpeg</filename> + <path>cam320x240-MIPO2-1665133910706.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>1</ymin> + <xmax>224</xmax> + <ymax>137</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..620c85b2400a9d26d0380e62b9219fd713a99e54 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.xml new file mode 100644 index 0000000000000000000000000000000000000000..9596d0a51d30d72cbe3aee1df30e95397b2a4d6e --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133920655.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133920655.jpeg</filename> + <path>cam320x240-MIPO2-1665133920655.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>12</ymin> + <xmax>234</xmax> + <ymax>187</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..e9f27d35129caf974153b89b48df9109c12d8308 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.xml new file mode 100644 index 0000000000000000000000000000000000000000..803f591769757c38cbfaf846c6b6527d5abef6be --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133947181.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133947181.jpeg</filename> + <path>cam320x240-MIPO2-1665133947181.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>152</xmin> + <ymin>1</ymin> + <xmax>320</xmax> + <ymax>148</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..65f46c25accd35c788429dbbcad94065c4cd88ab Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.xml new file mode 100644 index 0000000000000000000000000000000000000000..60c85ff7ce64c70e75ce00ae837cbbd85bc74a2b --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133951597.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133951597.jpeg</filename> + <path>cam320x240-MIPO2-1665133951597.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>72</xmin> + <ymin>10</ymin> + <xmax>246</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..ca9a06f08d265caad863678ab1745ea0d869224e Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.xml new file mode 100644 index 0000000000000000000000000000000000000000..5ab1fcbc0ab0b8afe381421938b0382fa99263c2 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133962644.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133962644.jpeg</filename> + <path>cam320x240-MIPO2-1665133962644.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>67</xmin> + <ymin>12</ymin> + <xmax>243</xmax> + <ymax>185</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6adda860038bc148e8ae21a75e56fd71fcb91a87 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.xml new file mode 100644 index 0000000000000000000000000000000000000000..bbee5a3e11deffebe96f0c26a547fd5746c675ae --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133970377.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133970377.jpeg</filename> + <path>cam320x240-MIPO2-1665133970377.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>83</xmin> + <ymin>17</ymin> + <xmax>259</xmax> + <ymax>191</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..83a7344d5e22950ef8314e9dfb00dd5614d229f1 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.xml new file mode 100644 index 0000000000000000000000000000000000000000..64b48a8107167f09f1ef6709520230442c4242cb --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133973695.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133973695.jpeg</filename> + <path>cam320x240-MIPO2-1665133973695.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>47</xmin> + <ymin>1</ymin> + <xmax>223</xmax> + <ymax>138</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..5e6446f24e478c0db22f47ccbb2e5fc00cc63787 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.xml new file mode 100644 index 0000000000000000000000000000000000000000..cda054fed3a48de788cd1f6ceac67e888f4d2227 --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133975905.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133975905.jpeg</filename> + <path>cam320x240-MIPO2-1665133975905.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>1</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>59</xmin> + <ymin>1</ymin> + <xmax>237</xmax> + <ymax>153</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6fd332fa60624359cade518a9a06beb8116ff908 Binary files /dev/null and b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg differ diff --git a/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.xml b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.xml new file mode 100644 index 0000000000000000000000000000000000000000..5eff00c180e698ae3daa554544fbbb2f93f485de --- /dev/null +++ b/object-detection/source/sorting_line/cam320x240-MIPO2-1665133977011.xml @@ -0,0 +1,26 @@ +<annotation> + <folder>v3-part1-jpeg</folder> + <filename>cam320x240-MIPO2-1665133977011.jpeg</filename> + <path>cam320x240-MIPO2-1665133977011.jpeg</path> + <source> + <database>Unknown</database> + </source> + <size> + <width>320</width> + <height>240</height> + <depth>3</depth> + </size> + <segmented>0</segmented> + <object> + <name>MIPO2</name> + <pose>Unspecified</pose> + <truncated>0</truncated> + <difficult>0</difficult> + <bndbox> + <xmin>95</xmin> + <ymin>7</ymin> + <xmax>271</xmax> + <ymax>183</ymax> + </bndbox> + </object> +</annotation> \ No newline at end of file diff --git a/object-detection/source/sorting_line/dataset.csv b/object-detection/source/sorting_line/dataset.csv new file mode 100644 index 0000000000000000000000000000000000000000..570533105729212a44bc2a7e768d54a2d036ab0b --- /dev/null +++ b/object-detection/source/sorting_line/dataset.csv @@ -0,0 +1,2370 @@ +TRAIN,source/sorting_line/cam320x240-BLANK-1665133283014.jpeg,BLANK,0.32,0.1,,,0.86,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133283014.jpeg,BLANK,0.32,0.1,,,0.86,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133283014.jpeg,BLANK,0.32,0.1,,,0.86,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133285223.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +TEST,source/sorting_line/cam320x240-BLANK-1665133285223.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133285223.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133297370.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133297370.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133297370.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133302896.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TEST,source/sorting_line/cam320x240-BLANK-1665133302896.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133302896.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133321677.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +TEST,source/sorting_line/cam320x240-BLANK-1665133321677.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133321677.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133323891.jpeg,BLANK,0.28,0.1,,,0.83,0.84,, +TEST,source/sorting_line/cam320x240-BLANK-1665133323891.jpeg,BLANK,0.28,0.1,,,0.83,0.84,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133323891.jpeg,BLANK,0.28,0.1,,,0.83,0.84,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133326099.jpeg,BLANK,0.19,0.1,,,0.74,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133326099.jpeg,BLANK,0.19,0.1,,,0.74,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133326099.jpeg,BLANK,0.19,0.1,,,0.74,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133348192.jpeg,BLANK,0.15,0.0,,,0.7,0.68,, +TEST,source/sorting_line/cam320x240-BLANK-1665133348192.jpeg,BLANK,0.15,0.0,,,0.7,0.68,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133348192.jpeg,BLANK,0.15,0.0,,,0.7,0.68,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133349298.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133349298.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133349298.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133352614.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133352614.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133352614.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133375808.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133375808.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133375808.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133400117.jpeg,BLANK,0.18,0.04,,,0.73,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133400117.jpeg,BLANK,0.18,0.04,,,0.73,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133400117.jpeg,BLANK,0.18,0.04,,,0.73,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133401220.jpeg,BLANK,0.19,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133401220.jpeg,BLANK,0.19,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133401220.jpeg,BLANK,0.19,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133402326.jpeg,BLANK,0.39,0.05,,,0.93,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133402326.jpeg,BLANK,0.39,0.05,,,0.93,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133402326.jpeg,BLANK,0.39,0.05,,,0.93,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133403431.jpeg,BLANK,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133403431.jpeg,BLANK,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133403431.jpeg,BLANK,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133408957.jpeg,BLANK,0.39,0.04,,,0.93,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133408957.jpeg,BLANK,0.39,0.04,,,0.93,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133408957.jpeg,BLANK,0.39,0.04,,,0.93,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133410063.jpeg,BLANK,0.33,0.03,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133410063.jpeg,BLANK,0.33,0.03,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133410063.jpeg,BLANK,0.33,0.03,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133411167.jpeg,BLANK,0.21,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-BLANK-1665133411167.jpeg,BLANK,0.21,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133411167.jpeg,BLANK,0.21,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133413374.jpeg,BLANK,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133413374.jpeg,BLANK,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133413374.jpeg,BLANK,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133422216.jpeg,BLANK,0.2,0.13,,,0.74,0.85,, +TEST,source/sorting_line/cam320x240-BLANK-1665133422216.jpeg,BLANK,0.2,0.13,,,0.74,0.85,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133422216.jpeg,BLANK,0.2,0.13,,,0.74,0.85,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133431065.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +TEST,source/sorting_line/cam320x240-BLANK-1665133431065.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133431065.jpeg,BLANK,0.25,0.11,,,0.8,0.84,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133444334.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133444334.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133444334.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133463113.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133463113.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133463113.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133469748.jpeg,BLANK,0.21,0.03,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133469748.jpeg,BLANK,0.21,0.03,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133469748.jpeg,BLANK,0.21,0.03,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133474164.jpeg,BLANK,0.15,0.0,,,0.69,0.68,, +TEST,source/sorting_line/cam320x240-BLANK-1665133474164.jpeg,BLANK,0.15,0.0,,,0.69,0.68,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133474164.jpeg,BLANK,0.15,0.0,,,0.69,0.68,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133478588.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133478588.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133478588.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133481901.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133481901.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133481901.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133485216.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133485216.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133485216.jpeg,BLANK,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133526079.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +TEST,source/sorting_line/cam320x240-BLANK-1665133526079.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133526079.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133541544.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133541544.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133541544.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133542646.jpeg,BLANK,0.25,0.1,,,0.8,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133542646.jpeg,BLANK,0.25,0.1,,,0.8,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133542646.jpeg,BLANK,0.25,0.1,,,0.8,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133548165.jpeg,BLANK,0.2,0.1,,,0.74,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133548165.jpeg,BLANK,0.2,0.1,,,0.74,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133548165.jpeg,BLANK,0.2,0.1,,,0.74,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133552587.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TEST,source/sorting_line/cam320x240-BLANK-1665133552587.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133552587.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133555902.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133555902.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133555902.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133557007.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133557007.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133557007.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133564743.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +TEST,source/sorting_line/cam320x240-BLANK-1665133564743.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133564743.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133580204.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133580204.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133580204.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133581306.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +TEST,source/sorting_line/cam320x240-BLANK-1665133581306.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133581306.jpeg,BLANK,0.2,0.12,,,0.74,0.85,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133584616.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +TEST,source/sorting_line/cam320x240-BLANK-1665133584616.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133584616.jpeg,BLANK,0.19,0.12,,,0.74,0.85,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133593456.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133593456.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133593456.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133596762.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133596762.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133596762.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133600079.jpeg,BLANK,0.38,0.05,,,0.93,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133600079.jpeg,BLANK,0.38,0.05,,,0.93,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133600079.jpeg,BLANK,0.38,0.05,,,0.93,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133604502.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133604502.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133604502.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133610021.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133610021.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133610021.jpeg,BLANK,0.32,0.1,,,0.86,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133612226.jpeg,BLANK,0.26,0.08,,,0.8,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133612226.jpeg,BLANK,0.26,0.08,,,0.8,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133612226.jpeg,BLANK,0.26,0.08,,,0.8,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133617748.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133617748.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133617748.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133622168.jpeg,BLANK,0.23,0.06,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133622168.jpeg,BLANK,0.23,0.06,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133622168.jpeg,BLANK,0.23,0.06,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133634310.jpeg,BLANK,0.26,0.1,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133634310.jpeg,BLANK,0.26,0.1,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133634310.jpeg,BLANK,0.26,0.1,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133655513.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133655513.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133655513.jpeg,BLANK,0.25,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133659933.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133659933.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133659933.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133676510.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TEST,source/sorting_line/cam320x240-BLANK-1665133676510.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133676510.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133680935.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +TEST,source/sorting_line/cam320x240-BLANK-1665133680935.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133680935.jpeg,BLANK,0.11,0.0,,,0.65,0.65,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133683147.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133683147.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133683147.jpeg,BLANK,0.33,0.02,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133697517.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133697517.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133697517.jpeg,BLANK,0.28,0.1,,,0.83,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133700829.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TEST,source/sorting_line/cam320x240-BLANK-1665133700829.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133700829.jpeg,BLANK,0.34,0.0,,,0.89,0.7,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133745015.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133745015.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133745015.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133757163.jpeg,BLANK,0.33,0.02,,,0.89,0.71,, +TEST,source/sorting_line/cam320x240-BLANK-1665133757163.jpeg,BLANK,0.33,0.02,,,0.89,0.71,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133757163.jpeg,BLANK,0.33,0.02,,,0.89,0.71,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133772638.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133772638.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133772638.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133799157.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133799157.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133799157.jpeg,BLANK,0.25,0.11,,,0.8,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133848856.jpeg,BLANK,0.15,0.08,,,0.7,0.81,, +TEST,source/sorting_line/cam320x240-BLANK-1665133848856.jpeg,BLANK,0.15,0.08,,,0.7,0.81,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133848856.jpeg,BLANK,0.15,0.08,,,0.7,0.81,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133869848.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +TEST,source/sorting_line/cam320x240-BLANK-1665133869848.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133869848.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133870953.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +TEST,source/sorting_line/cam320x240-BLANK-1665133870953.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133870953.jpeg,BLANK,0.12,0.22,,,0.67,0.95,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133873158.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TEST,source/sorting_line/cam320x240-BLANK-1665133873158.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133873158.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133883100.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133883100.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133883100.jpeg,BLANK,0.15,0.08,,,0.7,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133891933.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133891933.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133891933.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133893038.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TEST,source/sorting_line/cam320x240-BLANK-1665133893038.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133893038.jpeg,BLANK,0.14,0.0,,,0.7,0.68,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133899666.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133899666.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133899666.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133909604.jpeg,BLANK,0.15,0.09,,,0.7,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133909604.jpeg,BLANK,0.15,0.09,,,0.7,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133909604.jpeg,BLANK,0.15,0.09,,,0.7,0.82,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133916235.jpeg,BLANK,0.2,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133916235.jpeg,BLANK,0.2,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133916235.jpeg,BLANK,0.2,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133926181.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133926181.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133926181.jpeg,BLANK,0.21,0.04,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133927286.jpeg,BLANK,0.2,0.11,,,0.74,0.83,, +TEST,source/sorting_line/cam320x240-BLANK-1665133927286.jpeg,BLANK,0.2,0.11,,,0.74,0.83,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133927286.jpeg,BLANK,0.2,0.11,,,0.74,0.83,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133935026.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133935026.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133935026.jpeg,BLANK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133953810.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BLANK-1665133953810.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133953810.jpeg,BLANK,0.21,0.06,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133963749.jpeg,BLANK,0.39,0.05,,,0.93,0.77,, +TEST,source/sorting_line/cam320x240-BLANK-1665133963749.jpeg,BLANK,0.39,0.05,,,0.93,0.77,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133963749.jpeg,BLANK,0.39,0.05,,,0.93,0.77,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133974800.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TEST,source/sorting_line/cam320x240-BLANK-1665133974800.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133974800.jpeg,BLANK,0.12,0.22,,,0.68,0.95,, +TRAIN,source/sorting_line/cam320x240-BLANK-1665133979222.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-BLANK-1665133979222.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-BLANK-1665133979222.jpeg,BLANK,0.25,0.09,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1664692056853.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +TEST,source/sorting_line/cam320x240-BOHO-1664692056853.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1664692056853.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHO-1664692056863.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1664692056863.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1664692056863.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHO-1664692056881.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TEST,source/sorting_line/cam320x240-BOHO-1664692056881.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1664692056881.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TRAIN,source/sorting_line/cam320x240-BOHO-1664692056885.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1664692056885.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1664692056885.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHO-1664692056900.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TEST,source/sorting_line/cam320x240-BOHO-1664692056900.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1664692056900.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395474.jpeg,BOHO,0.23,0.2,,,0.78,0.93,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395474.jpeg,BOHO,0.23,0.2,,,0.78,0.93,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395474.jpeg,BOHO,0.23,0.2,,,0.78,0.93,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395484.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395484.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395484.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395489.jpeg,BOHO,0.03,0.0,,,0.57,0.69,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395489.jpeg,BOHO,0.03,0.0,,,0.57,0.69,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395489.jpeg,BOHO,0.03,0.0,,,0.57,0.69,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395494.jpeg,BOHO,0.5,0.04,,,1.0,0.76,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395494.jpeg,BOHO,0.5,0.04,,,1.0,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395494.jpeg,BOHO,0.5,0.04,,,1.0,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395511.jpeg,BOHO,0.36,0.13,,,0.91,0.85,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395511.jpeg,BOHO,0.36,0.13,,,0.91,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395511.jpeg,BOHO,0.36,0.13,,,0.91,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395516.jpeg,BOHO,0.35,0.26,,,0.89,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395516.jpeg,BOHO,0.35,0.26,,,0.89,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395516.jpeg,BOHO,0.35,0.26,,,0.89,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395529.jpeg,BOHO,0.33,0.08,,,0.87,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395529.jpeg,BOHO,0.33,0.08,,,0.87,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395529.jpeg,BOHO,0.33,0.08,,,0.87,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395544.jpeg,BOHO,0.31,0.03,,,0.85,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395544.jpeg,BOHO,0.31,0.03,,,0.85,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395544.jpeg,BOHO,0.31,0.03,,,0.85,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395545.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395545.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395545.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395570.jpeg,BOHO,0.42,0.03,,,0.96,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395570.jpeg,BOHO,0.42,0.03,,,0.96,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395570.jpeg,BOHO,0.42,0.03,,,0.96,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395584.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395584.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395584.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395617.jpeg,BOHO,0.15,0.14,,,0.69,0.87,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395617.jpeg,BOHO,0.15,0.14,,,0.69,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395617.jpeg,BOHO,0.15,0.14,,,0.69,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395628.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395628.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395628.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395633.jpeg,BOHO,0.16,0.31,,,0.71,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395633.jpeg,BOHO,0.16,0.31,,,0.71,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395633.jpeg,BOHO,0.16,0.31,,,0.71,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395641.jpeg,BOHO,0.07,0.09,,,0.61,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395641.jpeg,BOHO,0.07,0.09,,,0.61,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395641.jpeg,BOHO,0.07,0.09,,,0.61,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395648.jpeg,BOHO,0.3,0.15,,,0.85,0.88,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395648.jpeg,BOHO,0.3,0.15,,,0.85,0.88,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395648.jpeg,BOHO,0.3,0.15,,,0.85,0.88,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395652.jpeg,BOHO,0.28,0.1,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395652.jpeg,BOHO,0.28,0.1,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395652.jpeg,BOHO,0.28,0.1,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395665.jpeg,BOHO,0.33,0.06,,,0.87,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395665.jpeg,BOHO,0.33,0.06,,,0.87,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395665.jpeg,BOHO,0.33,0.06,,,0.87,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395668.jpeg,BOHO,0.04,0.1,,,0.57,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395668.jpeg,BOHO,0.04,0.1,,,0.57,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395668.jpeg,BOHO,0.04,0.1,,,0.57,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395669.jpeg,BOHO,0.14,0.33,,,0.69,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395669.jpeg,BOHO,0.14,0.33,,,0.69,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395669.jpeg,BOHO,0.14,0.33,,,0.69,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395674.jpeg,BOHO,0.33,0.28,,,0.87,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395674.jpeg,BOHO,0.33,0.28,,,0.87,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395674.jpeg,BOHO,0.33,0.28,,,0.87,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395684.jpeg,BOHO,0.08,0.11,,,0.62,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395684.jpeg,BOHO,0.08,0.11,,,0.62,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395684.jpeg,BOHO,0.08,0.11,,,0.62,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395688.jpeg,BOHO,0.09,0.03,,,0.63,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395688.jpeg,BOHO,0.09,0.03,,,0.63,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395688.jpeg,BOHO,0.09,0.03,,,0.63,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395695.jpeg,BOHO,0.34,0.12,,,0.89,0.84,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395695.jpeg,BOHO,0.34,0.12,,,0.89,0.84,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395695.jpeg,BOHO,0.34,0.12,,,0.89,0.84,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395699.jpeg,BOHO,0.0,0.07,,,0.49,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395699.jpeg,BOHO,0.0,0.07,,,0.49,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395699.jpeg,BOHO,0.0,0.07,,,0.49,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395722.jpeg,BOHO,0.27,0.0,,,0.82,0.68,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395722.jpeg,BOHO,0.27,0.0,,,0.82,0.68,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395722.jpeg,BOHO,0.27,0.0,,,0.82,0.68,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395725.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395725.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395725.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395734.jpeg,BOHO,0.43,0.08,,,0.97,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395734.jpeg,BOHO,0.43,0.08,,,0.97,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395734.jpeg,BOHO,0.43,0.08,,,0.97,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395742.jpeg,BOHO,0.18,0.27,,,0.73,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395742.jpeg,BOHO,0.18,0.27,,,0.73,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395742.jpeg,BOHO,0.18,0.27,,,0.73,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395750.jpeg,BOHO,0.19,0.0,,,0.74,0.65,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395750.jpeg,BOHO,0.19,0.0,,,0.74,0.65,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395750.jpeg,BOHO,0.19,0.0,,,0.74,0.65,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395751.jpeg,BOHO,0.24,0.12,,,0.78,0.85,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395751.jpeg,BOHO,0.24,0.12,,,0.78,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395751.jpeg,BOHO,0.24,0.12,,,0.78,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395752.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395752.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395752.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395761.jpeg,BOHO,0.11,0.03,,,0.65,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395761.jpeg,BOHO,0.11,0.03,,,0.65,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395761.jpeg,BOHO,0.11,0.03,,,0.65,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395762.jpeg,BOHO,0.29,0.06,,,0.83,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395762.jpeg,BOHO,0.29,0.06,,,0.83,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395762.jpeg,BOHO,0.29,0.06,,,0.83,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395765.jpeg,BOHO,0.3,0.03,,,0.85,0.76,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395765.jpeg,BOHO,0.3,0.03,,,0.85,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395765.jpeg,BOHO,0.3,0.03,,,0.85,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395777.jpeg,BOHO,0.1,0.03,,,0.65,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395777.jpeg,BOHO,0.1,0.03,,,0.65,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395777.jpeg,BOHO,0.1,0.03,,,0.65,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395778.jpeg,BOHO,0.32,0.06,,,0.86,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395778.jpeg,BOHO,0.32,0.06,,,0.86,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395778.jpeg,BOHO,0.32,0.06,,,0.86,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395782.jpeg,BOHO,0.23,0.06,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395782.jpeg,BOHO,0.23,0.06,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395782.jpeg,BOHO,0.23,0.06,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395791.jpeg,BOHO,0.06,0.14,,,0.59,0.85,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395791.jpeg,BOHO,0.06,0.14,,,0.59,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395791.jpeg,BOHO,0.06,0.14,,,0.59,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395795.jpeg,BOHO,0.21,0.1,,,0.76,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395795.jpeg,BOHO,0.21,0.1,,,0.76,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395795.jpeg,BOHO,0.21,0.1,,,0.76,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395797.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395797.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395797.jpeg,BOHO,0.07,0.07,,,0.61,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395809.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395809.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395809.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395818.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395818.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395818.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395819.jpeg,BOHO,0.33,0.03,,,0.87,0.75,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395819.jpeg,BOHO,0.33,0.03,,,0.87,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395819.jpeg,BOHO,0.33,0.03,,,0.87,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665095395820.jpeg,BOHO,0.18,0.0,,,0.73,0.69,, +TEST,source/sorting_line/cam320x240-BOHO-1665095395820.jpeg,BOHO,0.18,0.0,,,0.73,0.69,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665095395820.jpeg,BOHO,0.18,0.0,,,0.73,0.69,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133308416.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TEST,source/sorting_line/cam320x240-BOHO-1665133308416.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133308416.jpeg,BOHO,0.13,0.2,,,0.68,0.93,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133315051.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133315051.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133315051.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133370279.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHO-1665133370279.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133370279.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133385757.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133385757.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133385757.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133421114.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TEST,source/sorting_line/cam320x240-BOHO-1665133421114.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133421114.jpeg,BOHO,0.31,0.15,,,0.86,0.88,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133434388.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133434388.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133434388.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133442122.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665133442122.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133442122.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133483007.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665133483007.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133483007.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133484110.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133484110.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133484110.jpeg,BOHO,0.2,0.08,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133487426.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133487426.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133487426.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133500685.jpeg,BOHO,0.25,0.05,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-BOHO-1665133500685.jpeg,BOHO,0.25,0.05,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133500685.jpeg,BOHO,0.25,0.05,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133521659.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133521659.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133521659.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133524974.jpeg,BOHO,0.21,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133524974.jpeg,BOHO,0.21,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133524974.jpeg,BOHO,0.21,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133533806.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +TEST,source/sorting_line/cam320x240-BOHO-1665133533806.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133533806.jpeg,BOHO,0.31,0.14,,,0.86,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133559216.jpeg,BOHO,0.22,0.08,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133559216.jpeg,BOHO,0.22,0.08,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133559216.jpeg,BOHO,0.22,0.08,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133569163.jpeg,BOHO,0.21,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133569163.jpeg,BOHO,0.21,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133569163.jpeg,BOHO,0.21,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133628801.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133628801.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133628801.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133639833.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665133639833.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133639833.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133661040.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133661040.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133661040.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133662145.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1665133662145.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133662145.jpeg,BOHO,0.39,0.0,,,0.94,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133664355.jpeg,BOHO,0.23,0.4,,,0.78,1.0,, +TEST,source/sorting_line/cam320x240-BOHO-1665133664355.jpeg,BOHO,0.23,0.4,,,0.78,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133664355.jpeg,BOHO,0.23,0.4,,,0.78,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133701931.jpeg,BOHO,0.28,0.05,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133701931.jpeg,BOHO,0.28,0.05,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133701931.jpeg,BOHO,0.28,0.05,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133721828.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133721828.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133721828.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133722932.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHO-1665133722932.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133722932.jpeg,BOHO,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133724039.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665133724039.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133724039.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133726247.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665133726247.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133726247.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133736186.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133736186.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133736186.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133764898.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133764898.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133764898.jpeg,BOHO,0.21,0.07,,,0.76,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133801366.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133801366.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133801366.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133821246.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133821246.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133821246.jpeg,BOHO,0.22,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133823456.jpeg,BOHO,0.18,0.11,,,0.72,0.83,, +TEST,source/sorting_line/cam320x240-BOHO-1665133823456.jpeg,BOHO,0.18,0.11,,,0.72,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133823456.jpeg,BOHO,0.18,0.11,,,0.72,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133828979.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +TEST,source/sorting_line/cam320x240-BOHO-1665133828979.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133828979.jpeg,BOHO,0.38,0.1,,,0.92,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133846647.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHO-1665133846647.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133846647.jpeg,BOHO,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133852170.jpeg,BOHO,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133852170.jpeg,BOHO,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133852170.jpeg,BOHO,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133908501.jpeg,BOHO,0.22,0.08,,,0.76,0.8,, +TEST,source/sorting_line/cam320x240-BOHO-1665133908501.jpeg,BOHO,0.22,0.08,,,0.76,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133908501.jpeg,BOHO,0.22,0.08,,,0.76,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133930605.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHO-1665133930605.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133930605.jpeg,BOHO,0.28,0.04,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHO-1665133936132.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TEST,source/sorting_line/cam320x240-BOHO-1665133936132.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +VALIDATION,source/sorting_line/cam320x240-BOHO-1665133936132.jpeg,BOHO,0.39,0.0,,,0.93,0.64,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395479.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395481.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395483.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395485.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg,BOHOEL,0.4,0.04,,,0.95,0.77,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg,BOHOEL,0.4,0.04,,,0.95,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395491.jpeg,BOHOEL,0.4,0.04,,,0.95,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395497.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395498.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395500.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg,BOHOEL,0.07,0.01,,,0.62,0.74,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg,BOHOEL,0.07,0.01,,,0.62,0.74,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395506.jpeg,BOHOEL,0.07,0.01,,,0.62,0.74,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395507.jpeg,BOHOEL,0.08,0.18,,,0.62,0.91,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395520.jpeg,BOHOEL,0.02,0.04,,,0.56,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg,BOHOEL,0.17,0.0,,,0.72,0.62,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg,BOHOEL,0.17,0.0,,,0.72,0.62,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395524.jpeg,BOHOEL,0.17,0.0,,,0.72,0.62,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395525.jpeg,BOHOEL,0.28,0.05,,,0.82,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg,BOHOEL,0.39,0.0,,,0.94,0.63,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg,BOHOEL,0.39,0.0,,,0.94,0.63,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395535.jpeg,BOHOEL,0.39,0.0,,,0.94,0.63,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395537.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395546.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg,BOHOEL,0.16,0.2,,,0.71,0.93,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg,BOHOEL,0.16,0.2,,,0.71,0.93,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395547.jpeg,BOHOEL,0.16,0.2,,,0.71,0.93,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395551.jpeg,BOHOEL,0.12,0.12,,,0.67,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395562.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395564.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395646.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg,BOHOEL,0.34,0.1,,,0.89,0.82,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg,BOHOEL,0.34,0.1,,,0.89,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395653.jpeg,BOHOEL,0.34,0.1,,,0.89,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg,BOHOEL,0.3,0.0,,,0.86,0.6,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg,BOHOEL,0.3,0.0,,,0.86,0.6,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395657.jpeg,BOHOEL,0.3,0.0,,,0.86,0.6,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395660.jpeg,BOHOEL,0.5,0.07,,,1.0,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg,BOHOEL,0.28,0.1,,,0.82,0.83,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg,BOHOEL,0.28,0.1,,,0.82,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395663.jpeg,BOHOEL,0.28,0.1,,,0.82,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg,BOHOEL,0.5,0.0,,,1.0,0.68,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg,BOHOEL,0.5,0.0,,,1.0,0.68,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395666.jpeg,BOHOEL,0.5,0.0,,,1.0,0.68,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg,BOHOEL,0.33,0.23,,,0.88,0.97,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg,BOHOEL,0.33,0.23,,,0.88,0.97,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395667.jpeg,BOHOEL,0.33,0.23,,,0.88,0.97,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg,BOHOEL,0.23,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg,BOHOEL,0.23,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395720.jpeg,BOHOEL,0.23,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg,BOHOEL,0.28,0.03,,,0.83,0.76,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg,BOHOEL,0.28,0.03,,,0.83,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395721.jpeg,BOHOEL,0.28,0.03,,,0.83,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395723.jpeg,BOHOEL,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg,BOHOEL,0.1,0.0,,,0.65,0.6,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg,BOHOEL,0.1,0.0,,,0.65,0.6,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395730.jpeg,BOHOEL,0.1,0.0,,,0.65,0.6,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395732.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg,BOHOEL,0.1,0.04,,,0.64,0.77,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg,BOHOEL,0.1,0.04,,,0.64,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395734.jpeg,BOHOEL,0.1,0.04,,,0.64,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg,BOHOEL,0.43,0.01,,,0.97,0.74,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg,BOHOEL,0.43,0.01,,,0.97,0.74,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395738.jpeg,BOHOEL,0.43,0.01,,,0.97,0.74,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395746.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg,BOHOEL,0.39,0.12,,,0.93,0.85,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg,BOHOEL,0.39,0.12,,,0.93,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395755.jpeg,BOHOEL,0.39,0.12,,,0.93,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg,BOHOEL,0.46,0.03,,,1.0,0.76,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg,BOHOEL,0.46,0.03,,,1.0,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395767.jpeg,BOHOEL,0.46,0.03,,,1.0,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395775.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395776.jpeg,BOHOEL,0.11,0.21,,,0.66,0.95,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395777.jpeg,BOHOEL,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395779.jpeg,BOHOEL,0.33,0.17,,,0.88,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395785.jpeg,BOHOEL,0.42,0.13,,,0.96,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg,BOHOEL,0.35,0.03,,,0.9,0.75,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg,BOHOEL,0.35,0.03,,,0.9,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395786.jpeg,BOHOEL,0.35,0.03,,,0.9,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395788.jpeg,BOHOEL,0.29,0.12,,,0.84,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395795.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395803.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395814.jpeg,BOHOEL,0.19,0.31,,,0.75,1.0,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395821.jpeg,BOHOEL,0.45,0.03,,,0.99,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395822.jpeg,BOHOEL,0.12,0.24,,,0.67,0.97,, +TRAIN,source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +TEST,source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOEL-1665095395828.jpeg,BOHOEL,0.43,0.13,,,0.97,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395474.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395477.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395479.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395483.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395488.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395493.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395495.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395497.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395506.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395509.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395528.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395530.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395533.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395534.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395552.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395561.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395566.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395600.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395622.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395631.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395632.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395634.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395639.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395649.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395657.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395664.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395670.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395675.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395698.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395704.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395708.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395724.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395727.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395731.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395733.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395737.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395748.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395753.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395771.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395780.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395784.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395789.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395792.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395793.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395798.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395805.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395807.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395811.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395814.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395817.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395820.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395826.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665095395827.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133292955.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133298476.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133310629.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133312839.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133324997.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133334941.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133338256.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133339361.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133344883.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133357031.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133358136.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133372493.jpeg,BOHOMIPO1,0.27,0.09,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133381333.jpeg,BOHOMIPO1,0.23,0.12,,,0.78,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133383545.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133395696.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133405642.jpeg,BOHOMIPO1,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133437700.jpeg,BOHOMIPO1,0.21,0.07,,,0.76,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133445438.jpeg,BOHOMIPO1,0.27,0.08,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133449854.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133450959.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133467535.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133498479.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133507308.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133509517.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133510623.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133528286.jpeg,BOHOMIPO1,0.23,0.05,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133534910.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133537121.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133562535.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133572475.jpeg,BOHOMIPO1,0.17,0.07,,,0.73,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133573579.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133608920.jpeg,BOHOMIPO1,0.24,0.08,,,0.8,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133643361.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133653304.jpeg,BOHOMIPO1,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133654407.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133657723.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133658828.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133693098.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133711880.jpeg,BOHOMIPO1,0.23,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133712983.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133717407.jpeg,BOHOMIPO1,0.21,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133729554.jpeg,BOHOMIPO1,0.21,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133752750.jpeg,BOHOMIPO1,0.22,0.03,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133763792.jpeg,BOHOMIPO1,0.26,0.11,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133768215.jpeg,BOHOMIPO1,0.23,0.12,,,0.79,0.85,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133779271.jpeg,BOHOMIPO1,0.23,0.04,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133785893.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133795841.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133798052.jpeg,BOHOMIPO1,0.28,0.05,,,0.83,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133811298.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133819034.jpeg,BOHOMIPO1,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133833398.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133835608.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133841132.jpeg,BOHOMIPO1,0.19,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133857696.jpeg,BOHOMIPO1,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133867637.jpeg,BOHOMIPO1,0.19,0.06,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133878683.jpeg,BOHOMIPO1,0.21,0.03,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133881994.jpeg,BOHOMIPO1,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133894143.jpeg,BOHOMIPO1,0.24,0.1,,,0.79,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133921759.jpeg,BOHOMIPO1,0.2,0.1,,,0.75,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133941657.jpeg,BOHOMIPO1,0.17,0.05,,,0.71,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133950495.jpeg,BOHOMIPO1,0.26,0.1,,,0.81,0.83,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133961539.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO1-1665133972588.jpeg,BOHOMIPO1,0.29,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395476.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395480.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395481.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395486.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395490.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395491.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395494.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395496.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395505.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395512.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395518.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395522.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395531.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395533.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395535.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395536.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395539.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395540.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395557.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395564.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395567.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395607.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395615.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395636.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395642.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395643.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395647.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395650.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395651.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395655.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395659.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395664.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395675.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395678.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395680.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395682.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395683.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395706.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395711.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395712.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395713.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395717.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395719.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395725.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395730.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395744.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395759.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395768.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395769.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395772.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395774.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395783.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395787.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395806.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395822.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395823.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665095395825.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133294056.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133299582.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133300685.jpeg,BOHOMIPO2,0.16,0.05,,,0.7,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133306206.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg,BOHOMIPO2,0.21,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg,BOHOMIPO2,0.21,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133320572.jpeg,BOHOMIPO2,0.21,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133330523.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133331628.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133333838.jpeg,BOHOMIPO2,0.21,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133340466.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133341572.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133350401.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133360345.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133368070.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133391281.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133404538.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133420008.jpeg,BOHOMIPO2,0.23,0.07,,,0.77,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133429959.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133433281.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133438806.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133447646.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133465324.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133473058.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133497375.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133502888.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133505100.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133508412.jpeg,BOHOMIPO2,0.27,0.04,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133522763.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133545962.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133560323.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133590142.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg,BOHOMIPO2,0.22,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg,BOHOMIPO2,0.22,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133613333.jpeg,BOHOMIPO2,0.22,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133618853.jpeg,BOHOMIPO2,0.29,0.05,,,0.83,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133629902.jpeg,BOHOMIPO2,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133640938.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133642256.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133645571.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133669878.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133670982.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133678723.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133685358.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133704136.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133725145.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133728451.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133737289.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133738393.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133753854.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133762687.jpeg,BOHOMIPO2,0.23,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133766005.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133769320.jpeg,BOHOMIPO2,0.24,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133782583.jpeg,BOHOMIPO2,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133788106.jpeg,BOHOMIPO2,0.22,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133810195.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133817928.jpeg,BOHOMIPO2,0.19,0.06,,,0.74,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133832293.jpeg,BOHOMIPO2,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133838922.jpeg,BOHOMIPO2,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133854378.jpeg,BOHOMIPO2,0.23,0.08,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133859904.jpeg,BOHOMIPO2,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133864320.jpeg,BOHOMIPO2,0.2,0.14,,,0.74,0.86,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133879785.jpeg,BOHOMIPO2,0.23,0.09,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133889725.jpeg,BOHOMIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133896354.jpeg,BOHOMIPO2,0.26,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133897459.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133912917.jpeg,BOHOMIPO2,0.23,0.06,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133915129.jpeg,BOHOMIPO2,0.16,0.04,,,0.7,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133917339.jpeg,BOHOMIPO2,0.24,0.03,,,0.79,0.75,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133918443.jpeg,BOHOMIPO2,0.26,0.04,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133922862.jpeg,BOHOMIPO2,0.18,0.14,,,0.73,0.87,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133929498.jpeg,BOHOMIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133968171.jpeg,BOHOMIPO2,0.27,0.06,,,0.82,0.79,, +TRAIN,source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-BOHOMIPO2-1665133978116.jpeg,BOHOMIPO2,0.26,0.05,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133281908.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133281908.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133281908.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133284117.jpeg,CRACK,0.18,0.06,,,0.73,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133284117.jpeg,CRACK,0.18,0.06,,,0.73,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133284117.jpeg,CRACK,0.18,0.06,,,0.73,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133286328.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133286328.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133286328.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133289639.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133289639.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133289639.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133291849.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133291849.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133291849.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133296264.jpeg,CRACK,0.19,0.03,,,0.73,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133296264.jpeg,CRACK,0.19,0.03,,,0.73,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133296264.jpeg,CRACK,0.19,0.03,,,0.73,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133301789.jpeg,CRACK,0.24,0.11,,,0.78,0.84,, +TEST,source/sorting_line/cam320x240-CRACK-1665133301789.jpeg,CRACK,0.24,0.11,,,0.78,0.84,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133301789.jpeg,CRACK,0.24,0.11,,,0.78,0.84,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133309523.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133309523.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133309523.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133311735.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133311735.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133311735.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133313946.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133313946.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133313946.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133316154.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133316154.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133316154.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133318364.jpeg,CRACK,0.18,0.03,,,0.74,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133318364.jpeg,CRACK,0.18,0.03,,,0.74,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133318364.jpeg,CRACK,0.18,0.03,,,0.74,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133319466.jpeg,CRACK,0.2,0.05,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133319466.jpeg,CRACK,0.2,0.05,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133319466.jpeg,CRACK,0.2,0.05,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133322784.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133322784.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133322784.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133327204.jpeg,CRACK,0.19,0.04,,,0.73,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133327204.jpeg,CRACK,0.19,0.04,,,0.73,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133327204.jpeg,CRACK,0.19,0.04,,,0.73,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133336047.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +TEST,source/sorting_line/cam320x240-CRACK-1665133336047.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133336047.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133337150.jpeg,CRACK,0.35,0.0,,,0.9,0.69,, +TEST,source/sorting_line/cam320x240-CRACK-1665133337150.jpeg,CRACK,0.35,0.0,,,0.9,0.69,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133337150.jpeg,CRACK,0.35,0.0,,,0.9,0.69,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133342674.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133342674.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133342674.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133345984.jpeg,CRACK,0.27,0.1,,,0.82,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133345984.jpeg,CRACK,0.27,0.1,,,0.82,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133345984.jpeg,CRACK,0.27,0.1,,,0.82,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133347088.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133347088.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133347088.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133351507.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133351507.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133351507.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133354826.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133354826.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133354826.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133359241.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133359241.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133359241.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133361450.jpeg,CRACK,0.21,0.04,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133361450.jpeg,CRACK,0.21,0.04,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133361450.jpeg,CRACK,0.21,0.04,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133364761.jpeg,CRACK,0.22,0.09,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133364761.jpeg,CRACK,0.22,0.09,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133364761.jpeg,CRACK,0.22,0.09,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133365862.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133365862.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133365862.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133366968.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133366968.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133366968.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133376913.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133376913.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133376913.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133380227.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133380227.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133380227.jpeg,CRACK,0.25,0.08,,,0.8,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133382439.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133382439.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133382439.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133386862.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133386862.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133386862.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133387968.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133387968.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133387968.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133389073.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +TEST,source/sorting_line/cam320x240-CRACK-1665133389073.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133389073.jpeg,CRACK,0.22,0.11,,,0.77,0.84,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133392385.jpeg,CRACK,0.2,0.04,,,0.74,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133392385.jpeg,CRACK,0.2,0.04,,,0.74,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133392385.jpeg,CRACK,0.2,0.04,,,0.74,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133412273.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133412273.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133412273.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133416691.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133416691.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133416691.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133423322.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133423322.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133423322.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133427748.jpeg,CRACK,0.24,0.04,,,0.78,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133427748.jpeg,CRACK,0.24,0.04,,,0.78,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133427748.jpeg,CRACK,0.24,0.04,,,0.78,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133435491.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133435491.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133435491.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133443229.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133443229.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133443229.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133446544.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133446544.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133446544.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133452064.jpeg,CRACK,0.19,0.1,,,0.74,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133452064.jpeg,CRACK,0.19,0.1,,,0.74,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133452064.jpeg,CRACK,0.19,0.1,,,0.74,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133453171.jpeg,CRACK,0.2,0.13,,,0.75,0.86,, +TEST,source/sorting_line/cam320x240-CRACK-1665133453171.jpeg,CRACK,0.2,0.13,,,0.75,0.86,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133453171.jpeg,CRACK,0.2,0.13,,,0.75,0.86,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133457583.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133457583.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133457583.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133458688.jpeg,CRACK,0.35,0.05,,,0.89,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133458688.jpeg,CRACK,0.35,0.05,,,0.89,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133458688.jpeg,CRACK,0.35,0.05,,,0.89,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133468641.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133468641.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133468641.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133475271.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133475271.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133475271.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133477481.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133477481.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133477481.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133486321.jpeg,CRACK,0.23,0.11,,,0.78,0.84,, +TEST,source/sorting_line/cam320x240-CRACK-1665133486321.jpeg,CRACK,0.23,0.11,,,0.78,0.84,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133486321.jpeg,CRACK,0.23,0.11,,,0.78,0.84,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133490748.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133490748.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133490748.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133496269.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133496269.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133496269.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133501787.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133501787.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133501787.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133511729.jpeg,CRACK,0.21,0.09,,,0.76,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133511729.jpeg,CRACK,0.21,0.09,,,0.76,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133511729.jpeg,CRACK,0.21,0.09,,,0.76,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133512831.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133512831.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133512831.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133516137.jpeg,CRACK,0.21,0.04,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133516137.jpeg,CRACK,0.21,0.04,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133516137.jpeg,CRACK,0.21,0.04,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133517239.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133517239.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133517239.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133519450.jpeg,CRACK,0.16,0.1,,,0.71,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133519450.jpeg,CRACK,0.16,0.1,,,0.71,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133519450.jpeg,CRACK,0.16,0.1,,,0.71,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133520555.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TEST,source/sorting_line/cam320x240-CRACK-1665133520555.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133520555.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133530492.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133530492.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133530492.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133531595.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133531595.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133531595.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133538227.jpeg,CRACK,0.19,0.11,,,0.74,0.84,, +TEST,source/sorting_line/cam320x240-CRACK-1665133538227.jpeg,CRACK,0.19,0.11,,,0.74,0.84,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133538227.jpeg,CRACK,0.19,0.11,,,0.74,0.84,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133543752.jpeg,CRACK,0.23,0.14,,,0.77,0.87,, +TEST,source/sorting_line/cam320x240-CRACK-1665133543752.jpeg,CRACK,0.23,0.14,,,0.77,0.87,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133543752.jpeg,CRACK,0.23,0.14,,,0.77,0.87,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133544858.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133544858.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133544858.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133550373.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133550373.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133550373.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133551480.jpeg,CRACK,0.18,0.03,,,0.73,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133551480.jpeg,CRACK,0.18,0.03,,,0.73,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133551480.jpeg,CRACK,0.18,0.03,,,0.73,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133558113.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133558113.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133558113.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133566953.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133566953.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133566953.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133568060.jpeg,CRACK,0.2,0.09,,,0.76,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133568060.jpeg,CRACK,0.2,0.09,,,0.76,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133568060.jpeg,CRACK,0.2,0.09,,,0.76,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133570268.jpeg,CRACK,0.25,0.05,,,0.8,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133570268.jpeg,CRACK,0.25,0.05,,,0.8,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133570268.jpeg,CRACK,0.25,0.05,,,0.8,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133575789.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TEST,source/sorting_line/cam320x240-CRACK-1665133575789.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133575789.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133579098.jpeg,CRACK,0.26,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133579098.jpeg,CRACK,0.26,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133579098.jpeg,CRACK,0.26,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133585722.jpeg,CRACK,0.23,0.08,,,0.77,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133585722.jpeg,CRACK,0.23,0.08,,,0.77,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133585722.jpeg,CRACK,0.23,0.08,,,0.77,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133586827.jpeg,CRACK,0.22,0.14,,,0.77,0.87,, +TEST,source/sorting_line/cam320x240-CRACK-1665133586827.jpeg,CRACK,0.22,0.14,,,0.77,0.87,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133586827.jpeg,CRACK,0.22,0.14,,,0.77,0.87,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133587931.jpeg,CRACK,0.22,0.04,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133587931.jpeg,CRACK,0.22,0.04,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133587931.jpeg,CRACK,0.22,0.04,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133589037.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133589037.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133589037.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133591248.jpeg,CRACK,0.2,0.04,,,0.74,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133591248.jpeg,CRACK,0.2,0.04,,,0.74,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133591248.jpeg,CRACK,0.2,0.04,,,0.74,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133592350.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133592350.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133592350.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133594558.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133594558.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133594558.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133595660.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133595660.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133595660.jpeg,CRACK,0.21,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133597868.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133597868.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133597868.jpeg,CRACK,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133602290.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133602290.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133602290.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133603396.jpeg,CRACK,0.23,0.09,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133603396.jpeg,CRACK,0.23,0.09,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133603396.jpeg,CRACK,0.23,0.09,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133614436.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133614436.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133614436.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133616642.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133616642.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133616642.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133619958.jpeg,CRACK,0.19,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133619958.jpeg,CRACK,0.19,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133619958.jpeg,CRACK,0.19,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133621063.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133621063.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133621063.jpeg,CRACK,0.26,0.04,,,0.81,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133623273.jpeg,CRACK,0.11,0.0,,,0.65,0.55,, +TEST,source/sorting_line/cam320x240-CRACK-1665133623273.jpeg,CRACK,0.11,0.0,,,0.65,0.55,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133623273.jpeg,CRACK,0.11,0.0,,,0.65,0.55,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133624377.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133624377.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133624377.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133626589.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133626589.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133626589.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133627695.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133627695.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133627695.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133632104.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133632104.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133632104.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133633206.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133633206.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133633206.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133635417.jpeg,CRACK,0.18,0.16,,,0.73,0.89,, +TEST,source/sorting_line/cam320x240-CRACK-1665133635417.jpeg,CRACK,0.18,0.16,,,0.73,0.89,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133635417.jpeg,CRACK,0.18,0.16,,,0.73,0.89,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133636520.jpeg,CRACK,0.26,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133636520.jpeg,CRACK,0.26,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133636520.jpeg,CRACK,0.26,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133644466.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133644466.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133644466.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133651093.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133651093.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133651093.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133652199.jpeg,CRACK,0.21,0.1,,,0.75,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133652199.jpeg,CRACK,0.21,0.1,,,0.75,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133652199.jpeg,CRACK,0.21,0.1,,,0.75,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133656619.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133656619.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133656619.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133666563.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133666563.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133666563.jpeg,CRACK,0.21,0.07,,,0.76,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133673195.jpeg,CRACK,0.17,0.07,,,0.72,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133673195.jpeg,CRACK,0.17,0.07,,,0.72,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133673195.jpeg,CRACK,0.17,0.07,,,0.72,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133674297.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133674297.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133674297.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133677616.jpeg,CRACK,0.28,0.1,,,0.82,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133677616.jpeg,CRACK,0.28,0.1,,,0.82,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133677616.jpeg,CRACK,0.28,0.1,,,0.82,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133679829.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133679829.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133679829.jpeg,CRACK,0.23,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133684251.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133684251.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133684251.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133689782.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133689782.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133689782.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133690886.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133690886.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133690886.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133694203.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133694203.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133694203.jpeg,CRACK,0.23,0.05,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133695309.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133695309.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133695309.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133696412.jpeg,CRACK,0.13,0.1,,,0.68,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133696412.jpeg,CRACK,0.13,0.1,,,0.68,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133696412.jpeg,CRACK,0.13,0.1,,,0.68,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133699723.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133699723.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133699723.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133706349.jpeg,CRACK,0.19,0.04,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133706349.jpeg,CRACK,0.19,0.04,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133706349.jpeg,CRACK,0.19,0.04,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133707455.jpeg,CRACK,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133707455.jpeg,CRACK,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133707455.jpeg,CRACK,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133708561.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133708561.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133708561.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133716302.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133716302.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133716302.jpeg,CRACK,0.25,0.08,,,0.8,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133718511.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133718511.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133718511.jpeg,CRACK,0.25,0.07,,,0.79,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133720722.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133720722.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133720722.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133732868.jpeg,CRACK,0.21,0.08,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133732868.jpeg,CRACK,0.21,0.08,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133732868.jpeg,CRACK,0.21,0.08,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133733975.jpeg,CRACK,0.2,0.09,,,0.75,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133733975.jpeg,CRACK,0.2,0.09,,,0.75,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133733975.jpeg,CRACK,0.2,0.09,,,0.75,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133739497.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133739497.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133739497.jpeg,CRACK,0.17,0.04,,,0.72,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133740599.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133740599.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133740599.jpeg,CRACK,0.23,0.07,,,0.78,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133742805.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133742805.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133742805.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133743911.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133743911.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133743911.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133747226.jpeg,CRACK,0.2,0.04,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133747226.jpeg,CRACK,0.2,0.04,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133747226.jpeg,CRACK,0.2,0.04,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133749437.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133749437.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133749437.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133750543.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133750543.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133750543.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133751645.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133751645.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133751645.jpeg,CRACK,0.23,0.1,,,0.78,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133754956.jpeg,CRACK,0.26,0.05,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133754956.jpeg,CRACK,0.26,0.05,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133754956.jpeg,CRACK,0.26,0.05,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133756061.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133756061.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133756061.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133758266.jpeg,CRACK,0.18,0.04,,,0.73,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133758266.jpeg,CRACK,0.18,0.04,,,0.73,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133758266.jpeg,CRACK,0.18,0.04,,,0.73,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133761580.jpeg,CRACK,0.2,0.03,,,0.74,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133761580.jpeg,CRACK,0.2,0.03,,,0.74,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133761580.jpeg,CRACK,0.2,0.03,,,0.74,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133770426.jpeg,CRACK,0.21,0.09,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133770426.jpeg,CRACK,0.21,0.09,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133770426.jpeg,CRACK,0.21,0.09,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133774851.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133774851.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133774851.jpeg,CRACK,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133775958.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133775958.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133775958.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133778167.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133778167.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133778167.jpeg,CRACK,0.23,0.06,,,0.78,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133783685.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133783685.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133783685.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133786999.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133786999.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133786999.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133794735.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133794735.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133794735.jpeg,CRACK,0.21,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133803576.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133803576.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133803576.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133805785.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TEST,source/sorting_line/cam320x240-CRACK-1665133805785.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133805785.jpeg,CRACK,0.35,0.0,,,0.9,0.7,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133806887.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133806887.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133806887.jpeg,CRACK,0.2,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133807990.jpeg,CRACK,0.19,0.04,,,0.73,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133807990.jpeg,CRACK,0.19,0.04,,,0.73,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133807990.jpeg,CRACK,0.19,0.04,,,0.73,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133809093.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133809093.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133809093.jpeg,CRACK,0.23,0.09,,,0.78,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133813510.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133813510.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133813510.jpeg,CRACK,0.22,0.09,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133814616.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133814616.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133814616.jpeg,CRACK,0.25,0.03,,,0.8,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133815720.jpeg,CRACK,0.22,0.12,,,0.77,0.85,, +TEST,source/sorting_line/cam320x240-CRACK-1665133815720.jpeg,CRACK,0.22,0.12,,,0.77,0.85,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133815720.jpeg,CRACK,0.22,0.12,,,0.77,0.85,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133822350.jpeg,CRACK,0.22,0.04,,,0.76,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133822350.jpeg,CRACK,0.22,0.04,,,0.76,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133822350.jpeg,CRACK,0.22,0.04,,,0.76,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133824558.jpeg,CRACK,0.24,0.03,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133824558.jpeg,CRACK,0.24,0.03,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133824558.jpeg,CRACK,0.24,0.03,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133825663.jpeg,CRACK,0.29,0.05,,,0.84,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133825663.jpeg,CRACK,0.29,0.05,,,0.84,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133825663.jpeg,CRACK,0.29,0.05,,,0.84,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133834504.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133834504.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133834504.jpeg,CRACK,0.25,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133836710.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133836710.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133836710.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133837816.jpeg,CRACK,0.27,0.03,,,0.8,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133837816.jpeg,CRACK,0.27,0.03,,,0.8,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133837816.jpeg,CRACK,0.27,0.03,,,0.8,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133842234.jpeg,CRACK,0.19,0.06,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133842234.jpeg,CRACK,0.19,0.06,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133842234.jpeg,CRACK,0.19,0.06,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133843336.jpeg,CRACK,0.35,0.05,,,0.89,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133843336.jpeg,CRACK,0.35,0.05,,,0.89,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133843336.jpeg,CRACK,0.35,0.05,,,0.89,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133844438.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133844438.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133844438.jpeg,CRACK,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133847752.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133847752.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133847752.jpeg,CRACK,0.22,0.05,,,0.77,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133849959.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133849959.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133849959.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133863219.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133863219.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133863219.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133866532.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133866532.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133866532.jpeg,CRACK,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133868743.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133868743.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133868743.jpeg,CRACK,0.21,0.05,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133874264.jpeg,CRACK,0.23,0.09,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133874264.jpeg,CRACK,0.23,0.09,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133874264.jpeg,CRACK,0.23,0.09,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133875371.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133875371.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133875371.jpeg,CRACK,0.24,0.04,,,0.79,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133876476.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133876476.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133876476.jpeg,CRACK,0.24,0.07,,,0.79,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133880888.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133880888.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133880888.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133884207.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133884207.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133884207.jpeg,CRACK,0.2,0.04,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133885313.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133885313.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133885313.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133886415.jpeg,CRACK,0.23,0.04,,,0.79,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133886415.jpeg,CRACK,0.23,0.04,,,0.79,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133886415.jpeg,CRACK,0.23,0.04,,,0.79,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133890831.jpeg,CRACK,0.16,0.06,,,0.71,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133890831.jpeg,CRACK,0.16,0.06,,,0.71,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133890831.jpeg,CRACK,0.16,0.06,,,0.71,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133895249.jpeg,CRACK,0.18,0.06,,,0.73,0.79,, +TEST,source/sorting_line/cam320x240-CRACK-1665133895249.jpeg,CRACK,0.18,0.06,,,0.73,0.79,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133895249.jpeg,CRACK,0.18,0.06,,,0.73,0.79,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133901877.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133901877.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133901877.jpeg,CRACK,0.22,0.1,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133904086.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133904086.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133904086.jpeg,CRACK,0.21,0.09,,,0.75,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133906292.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133906292.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133906292.jpeg,CRACK,0.23,0.03,,,0.78,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133911811.jpeg,CRACK,0.28,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133911811.jpeg,CRACK,0.28,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133911811.jpeg,CRACK,0.28,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133919549.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133919549.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133919549.jpeg,CRACK,0.24,0.08,,,0.79,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133923968.jpeg,CRACK,0.0,0.05,,,0.54,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133923968.jpeg,CRACK,0.0,0.05,,,0.54,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133923968.jpeg,CRACK,0.0,0.05,,,0.54,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133925074.jpeg,CRACK,0.2,0.04,,,0.74,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133925074.jpeg,CRACK,0.2,0.04,,,0.74,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133925074.jpeg,CRACK,0.2,0.04,,,0.74,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133928391.jpeg,CRACK,0.17,0.12,,,0.71,0.85,, +TEST,source/sorting_line/cam320x240-CRACK-1665133928391.jpeg,CRACK,0.17,0.12,,,0.71,0.85,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133928391.jpeg,CRACK,0.17,0.12,,,0.71,0.85,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133932815.jpeg,CRACK,0.29,0.09,,,0.84,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133932815.jpeg,CRACK,0.29,0.09,,,0.84,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133932815.jpeg,CRACK,0.29,0.09,,,0.84,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133933921.jpeg,CRACK,0.22,0.14,,,0.76,0.86,, +TEST,source/sorting_line/cam320x240-CRACK-1665133933921.jpeg,CRACK,0.22,0.14,,,0.76,0.86,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133933921.jpeg,CRACK,0.22,0.14,,,0.76,0.86,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133937236.jpeg,CRACK,0.27,0.03,,,0.82,0.75,, +TEST,source/sorting_line/cam320x240-CRACK-1665133937236.jpeg,CRACK,0.27,0.03,,,0.82,0.75,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133937236.jpeg,CRACK,0.27,0.03,,,0.82,0.75,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133938342.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133938342.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133938342.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133939448.jpeg,CRACK,0.23,0.08,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-CRACK-1665133939448.jpeg,CRACK,0.23,0.08,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133939448.jpeg,CRACK,0.23,0.08,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133940555.jpeg,CRACK,0.21,0.12,,,0.76,0.85,, +TEST,source/sorting_line/cam320x240-CRACK-1665133940555.jpeg,CRACK,0.21,0.12,,,0.76,0.85,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133940555.jpeg,CRACK,0.21,0.12,,,0.76,0.85,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133942760.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133942760.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133942760.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133948287.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-CRACK-1665133948287.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133948287.jpeg,CRACK,0.24,0.04,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133949392.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133949392.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133949392.jpeg,CRACK,0.25,0.07,,,0.8,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133952703.jpeg,CRACK,0.22,0.14,,,0.77,0.86,, +TEST,source/sorting_line/cam320x240-CRACK-1665133952703.jpeg,CRACK,0.22,0.14,,,0.77,0.86,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133952703.jpeg,CRACK,0.22,0.14,,,0.77,0.86,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133954917.jpeg,CRACK,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133954917.jpeg,CRACK,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133954917.jpeg,CRACK,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133956021.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133956021.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133956021.jpeg,CRACK,0.26,0.03,,,0.81,0.76,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133957124.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133957124.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133957124.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133958227.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133958227.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133958227.jpeg,CRACK,0.2,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133959330.jpeg,CRACK,0.26,0.06,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133959330.jpeg,CRACK,0.26,0.06,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133959330.jpeg,CRACK,0.26,0.06,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133964856.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TEST,source/sorting_line/cam320x240-CRACK-1665133964856.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133964856.jpeg,CRACK,0.2,0.08,,,0.75,0.81,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133967066.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +TEST,source/sorting_line/cam320x240-CRACK-1665133967066.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133967066.jpeg,CRACK,0.22,0.07,,,0.77,0.8,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133969276.jpeg,CRACK,0.2,0.1,,,0.74,0.83,, +TEST,source/sorting_line/cam320x240-CRACK-1665133969276.jpeg,CRACK,0.2,0.1,,,0.74,0.83,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133969276.jpeg,CRACK,0.2,0.1,,,0.74,0.83,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133971482.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133971482.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133971482.jpeg,CRACK,0.19,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133980326.jpeg,CRACK,0.21,0.04,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-CRACK-1665133980326.jpeg,CRACK,0.21,0.04,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133980326.jpeg,CRACK,0.21,0.04,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-CRACK-1665133984743.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TEST,source/sorting_line/cam320x240-CRACK-1665133984743.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +VALIDATION,source/sorting_line/cam320x240-CRACK-1665133984743.jpeg,CRACK,0.16,0.03,,,0.71,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133295162.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133303997.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133305104.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg,MIPO1,0.24,0.08,,,0.79,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg,MIPO1,0.24,0.08,,,0.79,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133355930.jpeg,MIPO1,0.24,0.08,,,0.79,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133362555.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133379120.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133384651.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg,MIPO1,0.27,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg,MIPO1,0.27,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133415586.jpeg,MIPO1,0.27,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133426641.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133441017.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg,MIPO1,0.2,0.07,,,0.75,0.8,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg,MIPO1,0.2,0.07,,,0.75,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133448749.jpeg,MIPO1,0.2,0.07,,,0.75,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133459794.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133460900.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133462007.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg,MIPO1,0.22,0.06,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg,MIPO1,0.22,0.06,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133480796.jpeg,MIPO1,0.22,0.06,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133503994.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133536015.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133539331.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg,MIPO1,0.25,0.03,,,0.8,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg,MIPO1,0.25,0.03,,,0.8,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133540438.jpeg,MIPO1,0.25,0.03,,,0.8,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg,MIPO1,0.2,0.09,,,0.74,0.82,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg,MIPO1,0.2,0.09,,,0.74,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133576892.jpeg,MIPO1,0.2,0.09,,,0.74,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133605608.jpeg,MIPO1,0.26,0.06,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133607815.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133625483.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg,MIPO1,0.24,0.08,,,0.8,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg,MIPO1,0.24,0.08,,,0.8,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133637621.jpeg,MIPO1,0.24,0.08,,,0.8,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133646675.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg,MIPO1,0.27,0.08,,,0.82,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg,MIPO1,0.27,0.08,,,0.82,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133667669.jpeg,MIPO1,0.27,0.08,,,0.82,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg,MIPO1,0.17,0.0,,,0.73,0.73,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg,MIPO1,0.17,0.0,,,0.73,0.73,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133668771.jpeg,MIPO1,0.17,0.0,,,0.73,0.73,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133698620.jpeg,MIPO1,0.27,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg,MIPO1,0.17,0.0,,,0.72,0.73,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg,MIPO1,0.17,0.0,,,0.72,0.73,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133703034.jpeg,MIPO1,0.17,0.0,,,0.72,0.73,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg,MIPO1,0.19,0.07,,,0.74,0.79,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg,MIPO1,0.19,0.07,,,0.74,0.79,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133719617.jpeg,MIPO1,0.19,0.07,,,0.74,0.79,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133727348.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg,MIPO1,0.19,0.07,,,0.74,0.8,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg,MIPO1,0.19,0.07,,,0.74,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133741703.jpeg,MIPO1,0.19,0.07,,,0.74,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg,MIPO1,0.26,0.05,,,0.81,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg,MIPO1,0.26,0.05,,,0.81,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133748330.jpeg,MIPO1,0.26,0.05,,,0.81,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg,MIPO1,0.26,0.06,,,0.81,0.79,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg,MIPO1,0.26,0.06,,,0.81,0.79,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133759370.jpeg,MIPO1,0.26,0.06,,,0.81,0.79,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133789212.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg,MIPO1,0.17,0.0,,,0.72,0.74,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg,MIPO1,0.17,0.0,,,0.72,0.74,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133790316.jpeg,MIPO1,0.17,0.0,,,0.72,0.74,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133796947.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133816826.jpeg,MIPO1,0.25,0.05,,,0.8,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg,MIPO1,0.21,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg,MIPO1,0.21,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133820140.jpeg,MIPO1,0.21,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133826767.jpeg,MIPO1,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg,MIPO1,0.27,0.08,,,0.82,0.8,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg,MIPO1,0.27,0.08,,,0.82,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133845541.jpeg,MIPO1,0.27,0.08,,,0.82,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg,MIPO1,0.18,0.0,,,0.72,0.73,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg,MIPO1,0.18,0.0,,,0.72,0.73,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133855484.jpeg,MIPO1,0.18,0.0,,,0.72,0.73,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg,MIPO1,0.21,0.05,,,0.75,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg,MIPO1,0.21,0.05,,,0.75,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133856590.jpeg,MIPO1,0.21,0.05,,,0.75,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg,MIPO1,0.19,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg,MIPO1,0.19,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133858799.jpeg,MIPO1,0.19,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133865427.jpeg,MIPO1,0.25,0.04,,,0.8,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg,MIPO1,0.21,0.06,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg,MIPO1,0.21,0.06,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133888622.jpeg,MIPO1,0.21,0.06,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133907395.jpeg,MIPO1,0.13,0.08,,,0.68,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133931708.jpeg,MIPO1,0.21,0.06,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg,MIPO1,0.13,0.08,,,0.67,0.81,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg,MIPO1,0.13,0.08,,,0.67,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133944970.jpeg,MIPO1,0.13,0.08,,,0.67,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133960437.jpeg,MIPO1,0.23,0.1,,,0.78,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg,MIPO1,0.17,0.01,,,0.72,0.74,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg,MIPO1,0.17,0.01,,,0.72,0.74,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133982533.jpeg,MIPO1,0.17,0.01,,,0.72,0.74,, +TRAIN,source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +TEST,source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +VALIDATION,source/sorting_line/cam320x240-MIPO1-1665133983638.jpeg,MIPO1,0.23,0.1,,,0.78,0.83,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg,MIPO2,0.15,0.0,,,0.7,0.58,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg,MIPO2,0.15,0.0,,,0.7,0.58,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133279693.jpeg,MIPO2,0.15,0.0,,,0.7,0.58,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg,MIPO2,0.18,0.0,,,0.74,0.63,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg,MIPO2,0.18,0.0,,,0.74,0.63,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133288536.jpeg,MIPO2,0.18,0.0,,,0.74,0.63,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133290743.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg,MIPO2,0.22,0.1,,,0.76,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg,MIPO2,0.22,0.1,,,0.76,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133307312.jpeg,MIPO2,0.22,0.1,,,0.76,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133332732.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133343781.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133353721.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg,MIPO2,0.24,0.05,,,0.79,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg,MIPO2,0.24,0.05,,,0.79,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133363659.jpeg,MIPO2,0.24,0.05,,,0.79,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg,MIPO2,0.19,0.03,,,0.74,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg,MIPO2,0.19,0.03,,,0.74,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133371387.jpeg,MIPO2,0.19,0.03,,,0.74,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg,MIPO2,0.2,0.03,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg,MIPO2,0.2,0.03,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133373596.jpeg,MIPO2,0.2,0.03,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133374702.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133378018.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133394593.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg,MIPO2,0.29,0.07,,,0.84,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg,MIPO2,0.29,0.07,,,0.84,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133396800.jpeg,MIPO2,0.29,0.07,,,0.84,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133397906.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133406748.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133407854.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133418903.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg,MIPO2,0.3,0.03,,,0.84,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg,MIPO2,0.3,0.03,,,0.84,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133425535.jpeg,MIPO2,0.3,0.03,,,0.84,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133428852.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133432176.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133436599.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg,MIPO2,0.11,0.1,,,0.66,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg,MIPO2,0.11,0.1,,,0.66,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133439912.jpeg,MIPO2,0.11,0.1,,,0.66,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133454274.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133455379.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133456481.jpeg,MIPO2,0.21,0.04,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133464219.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg,MIPO2,0.19,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg,MIPO2,0.19,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133466430.jpeg,MIPO2,0.19,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133479690.jpeg,MIPO2,0.19,0.0,,,0.74,0.64,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133488537.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133491855.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133492960.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133494065.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg,MIPO2,0.19,0.09,,,0.74,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg,MIPO2,0.19,0.09,,,0.74,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133513934.jpeg,MIPO2,0.19,0.09,,,0.74,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133515036.jpeg,MIPO2,0.22,0.1,,,0.77,0.83,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133518345.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133523869.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133527182.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg,MIPO2,0.2,0.05,,,0.74,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg,MIPO2,0.2,0.05,,,0.74,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133547063.jpeg,MIPO2,0.2,0.05,,,0.74,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg,MIPO2,0.17,0.0,,,0.73,0.68,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg,MIPO2,0.17,0.0,,,0.73,0.68,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133549271.jpeg,MIPO2,0.17,0.0,,,0.73,0.68,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133571370.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133574684.jpeg,MIPO2,0.47,0.0,,,1.0,0.61,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg,MIPO2,0.22,0.1,,,0.77,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg,MIPO2,0.22,0.1,,,0.77,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133577997.jpeg,MIPO2,0.22,0.1,,,0.77,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133583510.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133606713.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133615538.jpeg,MIPO2,0.26,0.09,,,0.81,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133638728.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133648885.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg,MIPO2,0.23,0.07,,,0.78,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg,MIPO2,0.23,0.07,,,0.78,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133665457.jpeg,MIPO2,0.23,0.07,,,0.78,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133672089.jpeg,MIPO2,0.19,0.05,,,0.74,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133682041.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg,MIPO2,0.19,0.03,,,0.75,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg,MIPO2,0.19,0.03,,,0.75,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133686464.jpeg,MIPO2,0.19,0.03,,,0.75,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133687569.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133705243.jpeg,MIPO2,0.17,0.05,,,0.72,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg,MIPO2,0.2,0.05,,,0.75,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg,MIPO2,0.2,0.05,,,0.75,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133709662.jpeg,MIPO2,0.2,0.05,,,0.75,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133714090.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg,MIPO2,0.27,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg,MIPO2,0.27,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133715196.jpeg,MIPO2,0.27,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg,MIPO2,0.19,0.04,,,0.74,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg,MIPO2,0.19,0.04,,,0.74,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133735080.jpeg,MIPO2,0.19,0.04,,,0.74,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133746120.jpeg,MIPO2,0.25,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133760477.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg,MIPO2,0.18,0.0,,,0.72,0.68,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg,MIPO2,0.18,0.0,,,0.72,0.68,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133773744.jpeg,MIPO2,0.18,0.0,,,0.72,0.68,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133777064.jpeg,MIPO2,0.24,0.05,,,0.79,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg,MIPO2,0.2,0.05,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg,MIPO2,0.2,0.05,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133780373.jpeg,MIPO2,0.2,0.05,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg,MIPO2,0.17,0.0,,,0.72,0.68,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg,MIPO2,0.17,0.0,,,0.72,0.68,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133802472.jpeg,MIPO2,0.17,0.0,,,0.72,0.68,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg,MIPO2,0.22,0.0,,,0.77,0.58,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg,MIPO2,0.22,0.0,,,0.77,0.58,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133804682.jpeg,MIPO2,0.22,0.0,,,0.77,0.58,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg,MIPO2,0.22,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg,MIPO2,0.22,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133812403.jpeg,MIPO2,0.22,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133830083.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133831187.jpeg,MIPO2,0.23,0.04,,,0.78,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg,MIPO2,0.22,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg,MIPO2,0.22,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133840026.jpeg,MIPO2,0.22,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg,MIPO2,0.19,0.04,,,0.74,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg,MIPO2,0.19,0.04,,,0.74,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133851065.jpeg,MIPO2,0.19,0.04,,,0.74,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg,MIPO2,0.22,0.04,,,0.77,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg,MIPO2,0.22,0.04,,,0.77,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133853273.jpeg,MIPO2,0.22,0.04,,,0.77,0.76,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133861010.jpeg,MIPO2,0.27,0.08,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133862113.jpeg,MIPO2,0.26,0.1,,,0.81,0.82,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133872056.jpeg,MIPO2,0.21,0.05,,,0.76,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133905188.jpeg,MIPO2,0.26,0.08,,,0.81,0.81,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133910706.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133920655.jpeg,MIPO2,0.18,0.05,,,0.73,0.78,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg,MIPO2,0.47,0.0,,,1.0,0.62,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg,MIPO2,0.47,0.0,,,1.0,0.62,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133947181.jpeg,MIPO2,0.47,0.0,,,1.0,0.62,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133951597.jpeg,MIPO2,0.23,0.04,,,0.77,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133962644.jpeg,MIPO2,0.21,0.05,,,0.76,0.77,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133970377.jpeg,MIPO2,0.26,0.07,,,0.81,0.8,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133973695.jpeg,MIPO2,0.15,0.0,,,0.7,0.57,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg,MIPO2,0.18,0.0,,,0.74,0.64,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg,MIPO2,0.18,0.0,,,0.74,0.64,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133975905.jpeg,MIPO2,0.18,0.0,,,0.74,0.64,, +TRAIN,source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg,MIPO2,0.3,0.03,,,0.85,0.76,, +TEST,source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg,MIPO2,0.3,0.03,,,0.85,0.76,, +VALIDATION,source/sorting_line/cam320x240-MIPO2-1665133977011.jpeg,MIPO2,0.3,0.03,,,0.85,0.76,, diff --git a/object-detection/test-camera.py b/object-detection/test-camera.py new file mode 100644 index 0000000000000000000000000000000000000000..67c989a5eca9094d5c619fbcb10342051cc4e74c --- /dev/null +++ b/object-detection/test-camera.py @@ -0,0 +1,181 @@ +import cv2 +import numpy as np +import sys, getopt, time + +try: + SHOW_IMAGE = True + import tensorflow.lite as tflite +except ImportError: + SHOW_IMAGE = False + import tflite_runtime.interpreter as tflite + + +CAMERA_WIDTH = 320 +CAMERA_HEIGHT = 240 + + +def load_labels(label_path): + r"""Returns a list of labels""" + with open(label_path) as f: + labels = {} + index = 0 + for line in f.readlines(): + labels[index] = line.rstrip("\n") + index = index + 1 + return labels + + +def load_model(model_path): + r"""Load TFLite model, returns a Interpreter instance.""" + interpreter = tflite.Interpreter(model_path=model_path, num_threads=4) + interpreter.allocate_tensors() + return interpreter + + +def process_image(interpreter, image, input_index): + r"""Process an image, Return a list of detected class ids and positions""" + input_data = np.expand_dims(image, axis=0) # expand to 4-dim + + # Process + interpreter.set_tensor(input_index, input_data) + interpreter.invoke() + + # Get outputs + output_details = interpreter.get_output_details() + # output_details[0] - position + # output_details[1] - class id + # output_details[2] - score + # output_details[3] - count + + positions = np.squeeze(interpreter.get_tensor(output_details[0]["index"])) + classes = np.squeeze(interpreter.get_tensor(output_details[1]["index"])) + scores = np.squeeze(interpreter.get_tensor(output_details[2]["index"])) + + result = [] + + for idx, score in enumerate(scores): + if score > 0.5: + result.append({"pos": positions[idx], "_id": classes[idx]}) + + return result + + +def display_result(result, frame, labels): + r"""Display Detected Objects""" + font = cv2.FONT_HERSHEY_SIMPLEX + size = 0.6 + color = (255, 0, 0) # Blue color + thickness = 1 + + # let's resize our image to be 150 pixels wide, but in order to + # prevent our resized image from being skewed/distorted, we must + # first calculate the ratio of the *new* width to the *old* width + r = 640.0 / frame.shape[1] + dim = (640, int(frame.shape[0] * r)) + frame = cv2.resize(frame, dim, interpolation=cv2.INTER_AREA) + + # position = [ymin, xmin, ymax, xmax] + # x * IMAGE_WIDTH + # y * IMAGE_HEIGHT + width = frame.shape[1] + height = frame.shape[0] + + for obj in result: + pos = obj["pos"] + _id = obj["_id"] + + x1 = int(pos[1] * width) + x2 = int(pos[3] * width) + y1 = int(pos[0] * height) + y2 = int(pos[2] * height) + + cv2.putText(frame, labels[_id], (x1, y1), font, size, color, thickness) + cv2.rectangle(frame, (x1, y1), (x2, y2), color, thickness) + + cv2.imshow("Object Detection", frame) + + +def main(argv): + + dir = None + + try: + + opts, _ = getopt.getopt(argv, "hd:", ["help","directory="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + + if (dir is None ): + raise Exception() + + except Exception: + print("Specify a directory in which the model is located.") + print("test-camera.py -d <directory>") + sys.exit(2) + + + model_path = dir + "/model.tflite" + label_path = dir + "/labels.txt" + + cap = cv2.VideoCapture(0) + cap.set(cv2.CAP_PROP_FRAME_WIDTH, CAMERA_WIDTH) + cap.set(cv2.CAP_PROP_FRAME_HEIGHT, CAMERA_HEIGHT) + cap.set(cv2.CAP_PROP_FPS, 15) + + interpreter = load_model(model_path) + labels = load_labels(label_path) + + input_details = interpreter.get_input_details() + + # Get Width and Height + input_shape = input_details[0]["shape"] + height = input_shape[1] + width = input_shape[2] + + # Get input index + input_index = input_details[0]["index"] + + # Process Stream + while True: + + ret, frame = cap.read() + + if ret: + + start = round(time.time() * 1000) + image = cv2.resize(frame, (width, height)) +# image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB) + stop = round(time.time() * 1000) + + print("-------TIMING--------") + print("resize image: {} ms".format(stop - start)) + + start = round(time.time() * 1000) + top_result = process_image(interpreter, image, input_index) + stop = round(time.time() * 1000) + + print("process image: {} ms".format(stop - start)) + + print("-------RESULTS--------") + for obj in top_result: + pos = obj["pos"] + _id = obj["_id"] + x1 = int(pos[1] * CAMERA_WIDTH) + x2 = int(pos[3] * CAMERA_WIDTH) + y1 = int(pos[0] * CAMERA_HEIGHT) + y2 = int(pos[2] * CAMERA_HEIGHT) + print("class: {}, x1: {}, y1: {}, x2: {}, y2: {}".format(labels[_id], x1, y1, x2, y2)) + + if SHOW_IMAGE: + display_result(top_result, frame, labels) + + c = cv2.waitKey(1) + if c == 27: + break + + +if __name__ == "__main__": + main(sys.argv[1:]) diff --git a/object-detection/test-image.py b/object-detection/test-image.py new file mode 100644 index 0000000000000000000000000000000000000000..a4c795bfccab773ae6ee42679800d0b4e4821d6a --- /dev/null +++ b/object-detection/test-image.py @@ -0,0 +1,169 @@ +import cv2 +import numpy as np +import sys, getopt, time + +try: + SHOW_IMAGE = True + import tensorflow.lite as tflite +except ImportError: + SHOW_IMAGE = False + import tflite_runtime.interpreter as tflite + + +def load_labels(label_path): + r"""Returns a list of labels""" + with open(label_path) as f: + labels = {} + index = 0 + for line in f.readlines(): + labels[index] = line.rstrip("\n") + index = index + 1 + return labels + + +def load_model(model_path): + r"""Load TFLite model, returns a Interpreter instance.""" + interpreter = tflite.Interpreter(model_path=model_path) + interpreter.allocate_tensors() + return interpreter + + +def process_image(interpreter, image, input_index): + r"""Process an image, Return a list of detected class ids and positions""" + input_data = np.expand_dims(image, axis=0) # expand to 4-dim + + # Process + interpreter.set_tensor(input_index, input_data) + interpreter.invoke() + + # Get outputs + output_details = interpreter.get_output_details() + # output_details[0] - position + # output_details[1] - class id + # output_details[2] - score + # output_details[3] - count + + positions = np.squeeze(interpreter.get_tensor(output_details[0]["index"])) + classes = np.squeeze(interpreter.get_tensor(output_details[1]["index"])) + scores = np.squeeze(interpreter.get_tensor(output_details[2]["index"])) + + result = [] + + for idx, score in enumerate(scores): + if score > 0.5: + result.append({"pos": positions[idx], "_id": classes[idx] }) + + return result + +def display_result(result, frame, labels): + r"""Display Detected Objects""" + font = cv2.FONT_HERSHEY_SIMPLEX + size = 0.6 + color = (255, 0, 0) # Blue color + thickness = 1 + + # let's resize our image to be 150 pixels wide, but in order to + # prevent our resized image from being skewed/distorted, we must + # first calculate the ratio of the *new* width to the *old* width + r = 640.0 / frame.shape[1] + dim = (640, int(frame.shape[0] * r)) + frame = cv2.resize(frame, dim, interpolation=cv2.INTER_AREA) + + # position = [ymin, xmin, ymax, xmax] + # x * IMAGE_WIDTH + # y * IMAGE_HEIGHT + width = frame.shape[1] + height = frame.shape[0] + + for obj in result: + pos = obj["pos"] + _id = obj["_id"] + + x1 = int(pos[1] * width) + x2 = int(pos[3] * width) + y1 = int(pos[0] * height) + y2 = int(pos[2] * height) + + cv2.putText(frame, labels[_id], (x1, y1), font, size, color, thickness) + cv2.rectangle(frame, (x1, y1), (x2, y2), color, thickness) + + cv2.imshow("Object Detection", frame) + + while(cv2.waitKey(1) != 27): + time.sleep(1) + + cv2.destroyAllWindows() + + +def main(argv): + + dir = None + test_image = None + + try: + + opts, _ = getopt.getopt(argv, "hd:i:", ["help","directory=","image="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-i", "--image"): + test_image = str(arg) + + if (dir is None or test_image is None): + raise Exception() + + except Exception: + print("Specify a directory in which the model is located") + print("and an image to be tested.") + print("test-image.py -d <directory> -i <image>") + sys.exit(2) + + model_path = dir + "/model.tflite" + label_path = dir + "/labels.txt" + + interpreter = load_model(model_path) + labels = load_labels(label_path) + + # Get Width and Height + input_details = interpreter.get_input_details() + input_shape = input_details[0]["shape"] + height = input_shape[1] + width = input_shape[2] + + # Resize image + start = round(time.time() * 1000) + frame = cv2.imread(test_image, cv2.IMREAD_COLOR) + image = cv2.resize(frame, (width, height)) + image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB) + stop = round(time.time() * 1000) + real_width = frame.shape[1] + real_height = frame.shape[0] + + print("-------TIMING--------") + print("resize image: {} ms".format(stop - start)) + + start = round(time.time() * 1000) + input_index = input_details[0]["index"] + top_result = process_image(interpreter, image, input_index) + stop = round(time.time() * 1000) + + print("process image: {} ms".format(stop - start)) + + print("-------RESULTS--------") + for obj in top_result: + pos = obj["pos"] + _id = obj["_id"] + x1 = int(pos[1] * real_width) + x2 = int(pos[3] * real_width) + y1 = int(pos[0] * real_height) + y2 = int(pos[2] * real_height) + print("class: {}, x1: {}, y1: {}, x2: {}, y2: {}".format(labels[_id], x1, y1, x2, y2)) + + if SHOW_IMAGE: + display_result(top_result, frame, labels) + + +if __name__ == "__main__": + main(sys.argv[1:]) diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..90710563682c2b36cb9707e3077bbf07770c4ea0 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,128 @@ +absl-py==1.0.0 +appdirs==1.4.4 +astunparse==1.6.3 +attrs==22.1.0 +audioread==3.0.0 +cachetools==5.2.0 +certifi==2022.9.24 +cffi==1.15.1 +chardet==5.0.0 +charset-normalizer==2.1.1 +colorama==0.4.5 +contourpy==1.0.5 +cycler==0.11.0 +Cython==0.29.32 +dataclasses==0.6 +decorator==5.1.1 +dill==0.3.5.1 +dm-tree==0.1.7 +etils==0.8.0 +fire==0.4.0 +flatbuffers==1.12 +fonttools==4.37.4 +gast==0.4.0 +gin-config==0.5.0 +google-api-core==2.8.2 +google-api-python-client==2.64.0 +google-auth==2.12.0 +google-auth-httplib2==0.1.0 +google-auth-oauthlib==0.4.6 +google-cloud-bigquery==3.3.3 +google-cloud-bigquery-storage==2.16.0 +google-cloud-core==2.3.2 +google-crc32c==1.5.0 +google-pasta==0.2.0 +google-resumable-media==2.4.0 +googleapis-common-protos==1.56.4 +grpcio==1.48.2 +grpcio-status==1.48.2 +h5py==3.1.0 +httplib2==0.20.4 +idna==3.4 +importlib-metadata==5.0.0 +importlib-resources==5.9.0 +joblib==1.2.0 +kaggle==1.5.12 +keras==2.9.0 +keras-nightly==2.5.0.dev2021032900 +Keras-Preprocessing==1.1.2 +kiwisolver==1.4.4 +labelImg==1.8.6 +libclang==14.0.6 +librosa==0.8.1 +llvmlite==0.36.0 +lml==0.1.0 +lxml==4.9.1 +Markdown==3.4.1 +MarkupSafe==2.1.1 +matplotlib==3.4.3 +neural-structured-learning==1.4.0 +numba==0.53.0 +numpy==1.20.3 +oauthlib==3.2.1 +opencv-python==4.6.0.66 +opencv-python-headless==4.6.0.66 +opt-einsum==3.3.0 +packaging==20.9 +pandas==1.5.0 +Pillow==9.2.0 +pooch==1.6.0 +promise==2.3 +proto-plus==1.22.1 +protobuf==3.19.6 +psutil==5.9.2 +py-cpuinfo==8.0.0 +pyarrow==9.0.0 +pyasn1==0.4.8 +pyasn1-modules==0.2.8 +pybind11==2.10.0 +pycocotools==2.0.5 +pycparser==2.21 +pyexcel==0.7.0 +pyexcel-io==0.6.6 +pyparsing==3.0.9 +PyQt5==5.15.7 +PyQt5-Qt5==5.15.2 +PyQt5-sip==12.11.0 +python-dateutil==2.8.2 +python-slugify==6.1.2 +pytz==2022.4 +PyYAML==6.0 +requests==2.28.1 +requests-oauthlib==1.3.1 +resampy==0.4.2 +rsa==4.9 +scikit-learn==1.1.2 +scipy==1.9.1 +sentencepiece==0.1.97 +six==1.15.0 +sounddevice==0.4.5 +soundfile==0.11.0 +tensorboard==2.9.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorflow-addons==0.18.0 +tensorflow-datasets==4.7.0 +tensorflow-estimator==2.9.0 +tensorflow-hub==0.12.0 +tensorflow-io-gcs-filesystem==0.27.0 +tensorflow-metadata==1.10.0 +tensorflow-model-optimization==0.7.3 +tensorflowjs==3.18.0 +termcolor==1.1.0 +text-unidecode==1.3 +texttable==1.6.4 +tf-models-official==2.3.0 +tf-slim==1.1.0 +tflite-model-maker==0.3.4 +tflite-support==0.4.1 +threadpoolctl==3.1.0 +toml==0.10.2 +tqdm==4.64.1 +typeguard==2.13.3 +typing-extensions==3.7.4.3 +uritemplate==4.1.1 +urllib3==1.25.11 +Werkzeug==2.2.2 +wrapt==1.12.1 +zipp==3.8.1 diff --git a/test/create-model.py b/test/create-model.py new file mode 100644 index 0000000000000000000000000000000000000000..2348c37ec0f784a87bb39b4b34a4a8a198808dab --- /dev/null +++ b/test/create-model.py @@ -0,0 +1,77 @@ +# https://www.tensorflow.org/lite/tutorials/model_maker_image_classification + +import sys, getopt, time, pathlib +from tflite_model_maker import model_spec +from tflite_model_maker import image_classifier +from tflite_model_maker.image_classifier import DataLoader +from tflite_model_maker.config import ExportFormat + +def main(argv): + + dir = None + batch_size = 8 + epochs = 50 + + try: + + opts, _ = getopt.getopt(argv, "hd:b:e:", ["help","directory=","batchSize=","epochs="]) + for opt, arg in opts: + print(opt + ":" + arg) + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-b", "--batchSize"): + batch_size = int(arg) + elif opt in ("-e", "--epochs"): + epochs = int(arg) + + if (dir is None): + raise Exception() + + except Exception: + print("Specify a directory that contains your dataset.") + print("create-model.py -d <directory of dataset>") + sys.exit(2) + + start = round(time.time() * 1000) + + # load input data specific to an on-device ML app + data = DataLoader.from_folder(dir + "/") + train_data, rest_data = data.split(0.8) + validation_data, test_data = rest_data.split(0.5) + + # select object recognition model architecture + spec = model_spec.get("mobilenet_v2") + + # customize the TensorFlow model + model = image_classifier.create( + train_data, + model_spec=spec, + batch_size=batch_size, + epochs=epochs, + train_whole_model=True, + validation_data=validation_data + ) + model.summary() + + # evaluate the model + result = model.evaluate(test_data) + print("test loss, test acc:", result) + + # export to Tensorflow Lite model and label file in `export_dir` + path = pathlib.PurePath(dir) + model.export(export_dir="build/" + path.name + "/") + model.export(export_dir="build/" + path.name + "/", export_format=ExportFormat.LABEL) + + # evaluate the tensorflow lite model + result = model.evaluate_tflite("build/" + path.name + "/model.tflite", test_data) + print("test loss, test acc:", result) + + stop = round(time.time() * 1000) + print("process image: {} ms".format(stop - start)) + + +if __name__ == "__main__": + main(sys.argv[1:]) + diff --git a/test/test-dataset/circle/circle-01.png b/test/test-dataset/circle/circle-01.png new file mode 100644 index 0000000000000000000000000000000000000000..3175c6076c4121ccebc307791450e276456a53e7 Binary files /dev/null and b/test/test-dataset/circle/circle-01.png differ diff --git a/test/test-dataset/circle/circle-02.png b/test/test-dataset/circle/circle-02.png new file mode 100644 index 0000000000000000000000000000000000000000..a7f77c645360df34eb2ae788b578b15ee6b210d1 Binary files /dev/null and b/test/test-dataset/circle/circle-02.png differ diff --git a/test/test-dataset/circle/circle-03.png b/test/test-dataset/circle/circle-03.png new file mode 100644 index 0000000000000000000000000000000000000000..f7b97cd45147ffe25eb5037454e0b56f94597fa6 Binary files /dev/null and b/test/test-dataset/circle/circle-03.png differ diff --git a/test/test-dataset/circle/circle-04.png b/test/test-dataset/circle/circle-04.png new file mode 100644 index 0000000000000000000000000000000000000000..4f00d9cf62e944a8b606066b7c6581d84deb9a7d Binary files /dev/null and b/test/test-dataset/circle/circle-04.png differ diff --git a/test/test-dataset/square/square-01.png b/test/test-dataset/square/square-01.png new file mode 100644 index 0000000000000000000000000000000000000000..59407dc4ea91c7f242d487e03099740cd25485d4 Binary files /dev/null and b/test/test-dataset/square/square-01.png differ diff --git a/test/test-dataset/square/square-02.png b/test/test-dataset/square/square-02.png new file mode 100644 index 0000000000000000000000000000000000000000..d511a75a14f0064d16b8d7e6314f17e5b9d07914 Binary files /dev/null and b/test/test-dataset/square/square-02.png differ diff --git a/test/test-dataset/square/square-03.png b/test/test-dataset/square/square-03.png new file mode 100644 index 0000000000000000000000000000000000000000..9b2614f76091e5fa2c49c24506ce7daacc96cabb Binary files /dev/null and b/test/test-dataset/square/square-03.png differ diff --git a/test/test-dataset/square/square-04.png b/test/test-dataset/square/square-04.png new file mode 100644 index 0000000000000000000000000000000000000000..1aeaf2a33fdeb6734c4567608e2f4d8a24924b87 Binary files /dev/null and b/test/test-dataset/square/square-04.png differ diff --git a/test/test-dataset/triangle/triangle-01.png b/test/test-dataset/triangle/triangle-01.png new file mode 100644 index 0000000000000000000000000000000000000000..a5aa7979643896ff2cee0f014be64a6f6db85478 Binary files /dev/null and b/test/test-dataset/triangle/triangle-01.png differ diff --git a/test/test-dataset/triangle/triangle-02.png b/test/test-dataset/triangle/triangle-02.png new file mode 100644 index 0000000000000000000000000000000000000000..d6c24bfdc4ec537b75256c286242d1c95e612e68 Binary files /dev/null and b/test/test-dataset/triangle/triangle-02.png differ diff --git a/test/test-dataset/triangle/triangle-03.png b/test/test-dataset/triangle/triangle-03.png new file mode 100644 index 0000000000000000000000000000000000000000..4aaf2e4c96e9a520a93fe03b856b4b925eecdb15 Binary files /dev/null and b/test/test-dataset/triangle/triangle-03.png differ diff --git a/test/test-dataset/triangle/triangle-04.png b/test/test-dataset/triangle/triangle-04.png new file mode 100644 index 0000000000000000000000000000000000000000..d2332f2a71cb8e042373ee814e92c49afd280ae9 Binary files /dev/null and b/test/test-dataset/triangle/triangle-04.png differ diff --git a/test/test-image.py b/test/test-image.py new file mode 100644 index 0000000000000000000000000000000000000000..3899f6898fe283a748f5e4c77b8486b0f71cf8ea --- /dev/null +++ b/test/test-image.py @@ -0,0 +1,141 @@ +import cv2 +import numpy as np +import sys, getopt, time + +try: + SHOW_IMAGE = True + import tensorflow.lite as tflite +except ImportError: + SHOW_IMAGE = False + import tflite_runtime.interpreter as tflite + + +def load_labels(label_path): + r"""Returns a list of labels""" + with open(label_path, "r") as f: + return [line.strip() for line in f.readlines()] + + +def load_model(model_path): + r"""Load TFLite model, returns a Interpreter instance.""" + interpreter = tflite.Interpreter(model_path=model_path) + interpreter.allocate_tensors() + return interpreter + + +def process_image(interpreter, image, input_index, k=3): + r"""Process an image, Return top K result in a list of 2-Tuple(confidence_score, label)""" + input_data = np.expand_dims(image, axis=0) # expand to 4-dim + + # Process + interpreter.set_tensor(input_index, input_data) + interpreter.invoke() + + # Get outputs + output_details = interpreter.get_output_details() + output_data = interpreter.get_tensor(output_details[0]["index"]) + output_data = np.squeeze(output_data) + + # Get top K result + top_k = output_data.argsort()[-k:][::-1] # Top_k index + result = [] + for i in top_k: + score = float(output_data[i] / 255.0) + result.append((i, score)) + + return result + + +def display_result(top_result, frame, labels): + r"""Display top K result in top right corner""" + font = cv2.FONT_HERSHEY_SIMPLEX + size = 0.6 + color = (255, 0, 0) # Blue color + thickness = 1 + + # let's resize our image to be 150 pixels wide, but in order to + # prevent our resized image from being skewed/distorted, we must + # first calculate the ratio of the *new* width to the *old* width + r = 640.0 / frame.shape[1] + dim = (640, int(frame.shape[0] * r)) + frame = cv2.resize(frame, dim, interpolation=cv2.INTER_AREA) + + for idx, (i, score) in enumerate(top_result): + # print("{} - {:0.4f}".format(label, score)) + x = 12 + y = 24 * idx + 24 + cv2.putText(frame, "{} - {:0.4f}".format(labels[i], score), + (x, y), font, size, color, thickness) + + cv2.imshow("Image Classification", frame) + + while(cv2.waitKey(1) != 27): + time.sleep(1) + + cv2.destroyAllWindows() + + +def main(argv): + + dir = None + test_image = None + + try: + + opts, _ = getopt.getopt(argv, "hd:i:", ["help","directory=","image="]) + for opt, arg in opts: + if opt == "-h, --help": + raise Exception() + elif opt in ("-d", "--directory"): + dir = str(arg) + elif opt in ("-i", "--image"): + test_image = str(arg) + + if (dir is None or test_image is None): + raise Exception() + + except Exception: + print("Specify a directory in which the model is located") + print("and an image to be tested.") + print("test-image.py -d <directory> -i <image>") + sys.exit(2) + + model_path = dir + "/model.tflite" + label_path = dir + "/labels.txt" + + interpreter = load_model(model_path) + labels = load_labels(label_path) + + # Get Width and Height + input_details = interpreter.get_input_details() + input_shape = input_details[0]["shape"] + height = input_shape[1] + width = input_shape[2] + + # Resize image + start = round(time.time() * 1000) + frame = cv2.imread(test_image, cv2.IMREAD_COLOR) + image = cv2.resize(frame, (width, height)) + image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB) + stop = round(time.time() * 1000) + + print("-------TIMING--------") + print("resize image: {} ms".format(stop - start)) + + start = round(time.time() * 1000) + input_index = input_details[0]["index"] + top_result = process_image(interpreter, image, input_index) + stop = round(time.time() * 1000) + + print("process image: {} ms".format(stop - start)) + + print("-------RESULTS--------") + for idx, (i, score) in enumerate(top_result): + print("{} - {:0.4f}".format(labels[i], score)) + + if SHOW_IMAGE: + display_result(top_result, frame, labels) + + +if __name__ == "__main__": + main(sys.argv[1:]) \ No newline at end of file diff --git a/utility/gpu-test.py b/utility/gpu-test.py new file mode 100644 index 0000000000000000000000000000000000000000..d3d4eaccba89f4f0fb3bdc0f57e43f26d499e27f --- /dev/null +++ b/utility/gpu-test.py @@ -0,0 +1,3 @@ +import tensorflow as tf +print(tf.test.gpu_device_name()) +print("Num GPUs Available: ", len(tf.config.experimental.list_physical_devices("GPU"))) \ No newline at end of file