diff --git a/.gitignore b/.gitignore
new file mode 100644
index 0000000000000000000000000000000000000000..1f126c169686ef813fb1978f86406edb4495313a
--- /dev/null
+++ b/.gitignore
@@ -0,0 +1,54 @@
+# video
+*.mp4
+*.avi
+.ipynb_checkpoints
+/__pycache__
+*/__pycache__
+
+# log
+*.log
+*.data
+*.txt
+*.csv
+
+
+# hyper
+# *.yaml
+*.json
+
+# compressed
+*.zip
+*.tar
+*.tar.gz
+*.rar
+
+# font
+/fonts
+*.ttc
+*.ttf
+*.otf
+*.pkl
+
+# model
+*.db
+*.pt
+
+# ide
+.idea/
+.vscode/
+
+
+/flagged
+/run
+!requirements.txt
+!cls_name/*
+!model_config/*
+!img_examples/*
+!video_examples/*
+!README.md
+
+# testing
+!app.py
+test.py
+test*.py
+
diff --git a/LICENSE b/LICENSE
new file mode 100644
index 0000000000000000000000000000000000000000..2729222b9f3dfe5b4f77136b6c32c27139b2dfd1
--- /dev/null
+++ b/LICENSE
@@ -0,0 +1,21 @@
+MIT License
+
+Copyright (c) 2023 Tsumugii
+
+Permission is hereby granted, free of charge, to any person obtaining a copy
+of this software and associated documentation files (the "Software"), to deal
+in the Software without restriction, including without limitation the rights
+to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+copies of the Software, and to permit persons to whom the Software is
+furnished to do so, subject to the following conditions:
+
+The above copyright notice and this permission notice shall be included in all
+copies or substantial portions of the Software.
+
+THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+SOFTWARE.
diff --git a/README.md b/README.md
index b994dc1d5c5d3cbcf35cdcd6ae839720990c2e95..85e4543d16858e9622c85bdc11d9fb8bcd866154 100644
--- a/README.md
+++ b/README.md
@@ -1,13 +1,222 @@
----
-title: Lesion Cells Det
-emoji: 📈
-colorFrom: red
-colorTo: gray
-sdk: gradio
-sdk_version: 4.13.0
-app_file: app.py
-pinned: false
-license: mit
----
-
-Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
+data:image/s3,"s3://crabby-images/610ab/610abc1cc4d812799f278d7f41f30cb7e901123f" alt="image-20231112230354573"
+
+
+
+###
Description
+
+**Lesion-Cells DET** stands for Multi-granularity **Lesion Cells Detection**.
+
+The projects employs both CNN-based and Transformer-based neural networks for Object Detection.
+
+The system excels at detecting 7 types of cells with varying granularity in images. Additionally, it provides statistical information on the relative sizes and lesion degree distribution ratios of the identified cells.
+
+
+
+
+
+### Acknowledgements
+
+***I would like to express my sincere gratitude to Professor Lio for his invaluable guidance in Office Hour and supports throughout the development of this project. Professor's expertise and insightful feedback played a crucial role in shaping the direction of the project.***
+
+data:image/s3,"s3://crabby-images/a13c2/a13c2bfc607e71386dc5137dee3c7b60237e014e" alt="image-20231114020123496"
+
+
+
+### Demonstration
+
+data:image/s3,"s3://crabby-images/9fac7/9fac75a0336f6980bbce81ba7b019e5eb7cc37f6" alt="4a7077aee8660255dd7e08ca4cdd3680-demo-daa408.gif"
+
+
+
+
+
+
+
+### ToDo
+
+- [x] ~~Change the large weights files with Google Drive sharing link~~
+- [x] ~~Add Professor Lio's brief introduction~~
+- [x] ~~Add a .gif demonstration instead of a static image~~
+- [ ] deploy the demo on HuggingFace
+- [ ] Train models that have better performance
+- [ ] Upload part of the datasets, so that everyone can train their own customized models
+
+
+
+
+
+
+
+### Quick Start
+
+
+ Installation
+
+ *I strongly recommend you to use **conda**. Both Anaconda and miniconda is OK!*
+
+
+1. create a virtual **conda** environment for the demo 😆
+
+```bash
+$ conda create -n demo python==3.8
+$ conda activate demo
+```
+
+2. install essential **requirements** by run the following command in the CLI 😊
+
+```bash
+$ git clone https://github.com/Tsumugii24/lesion-cells-det
+$ cd lesion-cells-det
+$ pip install -r requirements.txt
+```
+
+3. download the **weights** files from Google Drive that have already been trained properly
+
+ here is the link, from where you can download your preferred model and then test its performance 🤗
+
+```html
+https://drive.google.com/drive/folders/1-H4nN8viLdH6nniuiGO-_wJDENDf-BkL?usp=sharing
+```
+
+data:image/s3,"s3://crabby-images/1482a/1482a3dffdcfa3ffd8617459fe6f79b24ea87494" alt="image-20231114005824778"
+
+4. remember to put the weights files under the root of the project 😉
+
+
+
+
+ Run
+
+```bash
+$ python gradio_demo.py
+```
+
+Now, if everything is OK, your default browser will open automatically, and Gradio is running on local URL: http://127.0.0.1:7860
+
+
+
+
+ Datasets
+
+The original datasets origins from **Kaggle**, **iFLYTEK AI algorithm competition** and **other open source** sources.
+
+Anyway, we annotated an object detection dataset of more than **2000** cells for a total of **7** categories.
+
+| class number | class name |
+| :----------- | :------------------ |
+| 0 | normal_columnar |
+| 1 | normal_intermediate |
+| 2 | normal_superficiel |
+| 3 | carcinoma_in_situ |
+| 4 | light_dysplastic |
+| 5 | moderate_dysplastic |
+| 6 | severe_dysplastic |
+
+We decided to share about 800 of them, which should be an adequate number for further test and study.
+
+
+
+
+ Train custom models
+
+You can train your own custom model as long as it can work properly.
+
+
+
+
+
+
+
+### Training
+
+
+ example weights
+
+Example models of the project are trained with different methods, ranging from Convolutional Neutral Network to Vision Transformer.
+
+| Model Name | Training Device | Open Source Repository for Reference | Average AP |
+| ------------ | :--------------------------------: | :--------------------------------------------: | :--------: |
+| yolov5_based | NVIDIA GeForce RTX 4090, 24563.5MB | https://github.com/ultralytics/yolov5.git | 0.721 |
+| yolov8_based | NVIDIA GeForce RTX 4090, 24563.5MB | https://github.com/ultralytics/ultralytics.git | 0.810 |
+| vit_based | NVIDIA GeForce RTX 4090, 24563.5MB | https://github.com/hustvl/YOLOS.git | 0.834 |
+| detr_based | NVIDIA GeForce RTX 4090, 24563.5MB | https://github.com/lyuwenyu/RT-DETR.git | 0.859 |
+
+
+
+
+ architecture baselines
+
+- #### **YOLO**
+
+data:image/s3,"s3://crabby-images/84dda/84ddadfb1f6fa5c08cb6cff0df6259502d07e07f" alt="yolo"
+
+
+
+- #### **Vision Transformer**
+
+data:image/s3,"s3://crabby-images/ebe6c/ebe6cd4337b7ac9cbfa244fa195d3b4d6d353774" alt="image-20231114014357197"
+
+- #### **DEtection TRansformer**
+
+data:image/s3,"s3://crabby-images/0a724/0a724bbaf3a1fb087a5bcd54914ad0b9d01dc779" alt="image-20231114014411513"
+
+
+
+
+
+
+
+### References
+
+
+
+1. Jocher, G., Chaurasia, A., & Qiu, J. (2023). YOLO by Ultralytics (Version 8.0.0) [Computer software]. https://github.com/ultralytics/ultralytics
+
+2. [Home - Ultralytics YOLOv8 Docs](https://docs.ultralytics.com/)
+
+3. Jocher, G. (2020). YOLOv5 by Ultralytics (Version 7.0) [Computer software]. https://doi.org/10.5281/zenodo.3908559
+
+
+
+4. [GitHub - hustvl/YOLOS: [NeurIPS 2021\] You Only Look at One Sequence](https://github.com/hustvl/YOLOS)
+
+5. [GitHub - ViTAE-Transformer/ViTDet: Unofficial implementation for [ECCV'22\] "Exploring Plain Vision Transformer Backbones for Object Detection"](https://github.com/ViTAE-Transformer/ViTDet)
+
+6. Touvron, H., Cord, M., Douze, M., Massa, F., Sablayrolles, A., & J'egou, H. (2020). Training data-efficient image transformers & distillation through attention. *International Conference on Machine Learning*.
+
+7. Fang, Y., Liao, B., Wang, X., Fang, J., Qi, J., Wu, R., Niu, J., & Liu, W. (2021). You Only Look at One Sequence: Rethinking Transformer in Vision through Object Detection. *Neural Information Processing Systems*.
+
+8. [YOLOS (huggingface.co)](https://huggingface.co/docs/transformers/main/en/model_doc/yolos)
+
+
+
+9. Lv, W., Xu, S., Zhao, Y., Wang, G., Wei, J., Cui, C., Du, Y., Dang, Q., & Liu, Y. (2023). DETRs Beat YOLOs on Real-time Object Detection. *ArXiv, abs/2304.08069*.
+
+10. [GitHub - facebookresearch/detr: End-to-End Object Detection with Transformers](https://github.com/facebookresearch/detr)
+
+11. [PaddleDetection/configs/rtdetr at develop · PaddlePaddle/PaddleDetection · GitHub](https://github.com/PaddlePaddle/PaddleDetection/tree/develop/configs/rtdetr)
+
+12. [GitHub - lyuwenyu/RT-DETR: Official RT-DETR (RTDETR paddle pytorch), Real-Time DEtection TRansformer, DETRs Beat YOLOs on Real-time Object Detection. 🔥 🔥 🔥](https://github.com/lyuwenyu/RT-DETR)
+
+
+
+13. J. Hu, L. Shen and G. Sun, "Squeeze-and-Excitation Networks," 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 2018, pp. 7132-7141, doi: 10.1109/CVPR.2018.00745.
+
+14. Carion, N., Massa, F., Synnaeve, G., Usunier, N., Kirillov, A., & Zagoruyko, S. (2020). End-to-End Object Detection with Transformers. ArXiv, abs/2005.12872.
+
+15. Beal, J., Kim, E., Tzeng, E., Park, D., Zhai, A., & Kislyuk, D. (2020). Toward Transformer-Based Object Detection. ArXiv, abs/2012.09958.
+
+16. Liu, Z., Lin, Y., Cao, Y., Hu, H., Wei, Y., Zhang, Z., Lin, S., & Guo, B. (2021). Swin Transformer: Hierarchical Vision Transformer using Shifted Windows. 2021 IEEE/CVF International Conference on Computer Vision (ICCV), 9992-10002.
+
+17. Zong, Z., Song, G., & Liu, Y. (2022). DETRs with Collaborative Hybrid Assignments Training. ArXiv, abs/2211.12860.
+
+
+
+
+
+### Contact
+
+*Feel free to contact me through GitHub issues or directly send me a mail if you have any questions about the project.* 🐼
+
+My Gmail Address 👉 jsf002016@gmail.com
+
diff --git a/app.py b/app.py
new file mode 100644
index 0000000000000000000000000000000000000000..e852d73e72343a5501d874382e3a75bdff51e897
--- /dev/null
+++ b/app.py
@@ -0,0 +1,546 @@
+import argparse
+import csv
+import random
+import sys
+import os
+import wget
+from collections import Counter
+from pathlib import Path
+
+import cv2
+import gradio as gr
+import numpy as np
+from matplotlib import font_manager
+from ultralytics import YOLO
+
+ROOT_PATH = sys.path[0] # 项目根目录
+
+fonts_list = ["SimSun.ttf", "TimesNewRoman.ttf", "malgun.ttf"] # 字体列表
+fonts_directory_path = Path(ROOT_PATH, "fonts")
+
+data_url_dict = {
+ "SimSun.ttf": "https://raw.githubusercontent.com/Tsumugii24/Typora-images/main/files/SimSun.ttf",
+ "TimesNewRoman.ttf": "https://raw.githubusercontent.com/Tsumugii24/Typora-images/main/files/TimesNewRoman.ttf",
+ "malgun.ttf": "https://raw.githubusercontent.com/Tsumugii24/Typora-images/main/files/malgun.ttf",
+}
+
+
+# 判断字体文件是否存在
+def is_fonts(fonts_dir):
+ if fonts_dir.is_dir():
+ # 如果本地字体库存在
+ local_list = os.listdir(fonts_dir) # 本地字体库
+
+ font_diff = list(set(fonts_list).difference(set(local_list)))
+
+ if font_diff != []:
+ # 缺失字体
+ download_fonts(font_diff) # 下载缺失的字体
+ else:
+ print(f"{fonts_list}[bold green]Required fonts already downloaded![/bold green]")
+ else:
+ # 本地字体库不存在,创建字体库
+ print("[bold red]Local fonts library does not exist, creating now...[/bold red]")
+ download_fonts(fonts_list) # 创建字体库
+
+# 下载字体
+def download_fonts(font_diff):
+ global font_name
+
+ for k, v in data_url_dict.items():
+ if k in font_diff:
+ font_name = v.split("/")[-1] # 字体名称
+ fonts_directory_path.mkdir(parents=True, exist_ok=True) # 创建目录
+
+ file_path = f"{ROOT_PATH}/fonts/{font_name}" # 字体路径
+ # 下载字体文件
+ wget.download(v, file_path)
+
+is_fonts(fonts_directory_path)
+
+# --------------------- 字体库 ---------------------
+SimSun_path = f"{ROOT_PATH}/fonts/SimSun.ttf" # 宋体文件路径
+TimesNesRoman_path = f"{ROOT_PATH}/fonts/TimesNewRoman.ttf" # 新罗马字体文件路径
+# 宋体
+SimSun = font_manager.FontProperties(fname=SimSun_path, size=12)
+# 新罗马字体
+TimesNesRoman = font_manager.FontProperties(fname=TimesNesRoman_path, size=12)
+
+import yaml
+from PIL import Image, ImageDraw, ImageFont
+
+# from util.fonts_opt import is_fonts
+
+ROOT_PATH = sys.path[0] # 根目录
+
+# Gradio version
+GYD_VERSION = "Gradio Lesion-Cells DET v1.0"
+
+# 文件后缀
+suffix_list = [".csv", ".yaml"]
+
+# 字体大小
+FONTSIZE = 25
+
+# 目标尺寸
+obj_style = ["small", "medium", "large"]
+
+# title = "Multi-granularity Lesion Cells Object Detection based on deep neural network"
+# description = "Description: This is a WebUI interface demo, Maintained by G1 JIANG SHUFAN
"
+
+GYD_TITLE = """
+
+
+
Multi-granularity Lesion Cells Object Detection based on deep neural network
+Description: This is a WebUI interface demo, Maintained by G1 JIANG SHUFAN
+
+"""
+
+GYD_SUB_TITLE = """
+ Here is My GitHub Homepage: https://github.com/Tsumugii24 😊
+"""
+
+EXAMPLES_DET = [
+ ["./img_examples/test/moderate0.BMP", "detr_based", "cpu", 640, 0.6,
+ 0.5, 10, "all range"],
+ ["./img_examples/test/normal_co0.BMP", "vit_based", "cpu", 640, 0.5,
+ 0.5, 20, "all range"],
+ ["./img_examples/test/1280_1920_1.jpg", "yolov8_based", "cpu", 1280, 0.4, 0.5, 15,
+ "all range"],
+ ["./img_examples/test/normal_inter1.BMP", "detr_based", "cpu", 640, 0.4,
+ 0.5, 30, "all range"],
+ ["./img_examples/test/1920_1280_1.jpg", "yolov8_based", "cpu", 1280, 0.4, 0.5, 20,
+ "all range"],
+ ["./img_examples/test/severe2.BMP", "detr_based", "cpu", 640, 0.5,
+ 0.5, 20, "all range"]
+]
+
+
+def parse_args(known=False):
+ parser = argparse.ArgumentParser(description=GYD_VERSION)
+ parser.add_argument("--model_name", "-mn", default="detr_based", type=str, help="model name")
+ parser.add_argument(
+ "--model_cfg",
+ "-mc",
+ default="./model_config/model_name_cells.yaml",
+ type=str,
+ help="model config",
+ )
+ parser.add_argument(
+ "--cls_name",
+ "-cls",
+ default="./cls_name/cls_name_cells_en.yaml",
+ type=str,
+ help="cls name",
+ )
+ parser.add_argument(
+ "--nms_conf",
+ "-conf",
+ default=0.5,
+ type=float,
+ help="model NMS confidence threshold",
+ )
+ parser.add_argument("--nms_iou", "-iou", default=0.5, type=float, help="model NMS IoU threshold")
+ parser.add_argument("--inference_size", "-isz", default=640, type=int, help="model inference size")
+ parser.add_argument("--max_detnum", "-mdn", default=50, type=float, help="model max det num")
+ parser.add_argument("--slider_step", "-ss", default=0.05, type=float, help="slider step")
+ parser.add_argument(
+ "--is_login",
+ "-isl",
+ action="store_true",
+ default=False,
+ help="is login",
+ )
+ parser.add_argument('--usr_pwd',
+ "-up",
+ nargs='+',
+ type=str,
+ default=["admin", "admin"],
+ help="user & password for login")
+ parser.add_argument(
+ "--is_share",
+ "-is",
+ action="store_true",
+ default=False,
+ help="is login",
+ )
+ parser.add_argument("--server_port", "-sp", default=7860, type=int, help="server port")
+
+ args = parser.parse_known_args()[0] if known else parser.parse_args()
+ return args
+
+
+# yaml文件解析
+def yaml_parse(file_path):
+ return yaml.safe_load(open(file_path, encoding="utf-8").read())
+
+
+# yaml csv 文件解析
+def yaml_csv(file_path, file_tag):
+ file_suffix = Path(file_path).suffix
+ if file_suffix == suffix_list[0]:
+ # 模型名称
+ file_names = [i[0] for i in list(csv.reader(open(file_path)))] # csv版
+ elif file_suffix == suffix_list[1]:
+ # 模型名称
+ file_names = yaml_parse(file_path).get(file_tag) # yaml版
+ else:
+ print(f"The format of {file_path} is incorrect!")
+ sys.exit()
+
+ return file_names
+
+
+# 检查网络连接
+def check_online():
+ # reference: https://github.com/ultralytics/yolov5/blob/master/utils/general.py
+ # check internet connectivity
+ import socket
+ try:
+ socket.create_connection(("1.1.1.1", 443), 5) # check host accessibility
+ return True
+ except OSError:
+ return False
+
+
+# 标签和边界框颜色设置
+def color_set(cls_num):
+ color_list = []
+ for i in range(cls_num):
+ color = tuple(np.random.choice(range(256), size=3))
+ color_list.append(color)
+
+ return color_list
+
+
+# 随机生成浅色系或者深色系
+def random_color(cls_num, is_light=True):
+ color_list = []
+ for i in range(cls_num):
+ color = (
+ random.randint(0, 127) + int(is_light) * 128,
+ random.randint(0, 127) + int(is_light) * 128,
+ random.randint(0, 127) + int(is_light) * 128,
+ )
+ color_list.append(color)
+
+ return color_list
+
+
+# 检测绘制
+def pil_draw(img, score_l, bbox_l, cls_l, cls_index_l, textFont, color_list):
+ img_pil = ImageDraw.Draw(img)
+ id = 0
+
+ for score, (xmin, ymin, xmax, ymax), label, cls_index in zip(score_l, bbox_l, cls_l, cls_index_l):
+ img_pil.rectangle([xmin, ymin, xmax, ymax], fill=None, outline=color_list[cls_index], width=2) # 边界框
+ countdown_msg = f"{label} {score:.2f}"
+ # text_w, text_h = textFont.getsize(countdown_msg) # 标签尺寸 pillow 9.5.0
+ # left, top, left + width, top + height
+ # 标签尺寸 pillow 10.0.0
+ text_xmin, text_ymin, text_xmax, text_ymax = textFont.getbbox(countdown_msg)
+ # 标签背景
+ img_pil.rectangle(
+ # (xmin, ymin, xmin + text_w, ymin + text_h), # pillow 9.5.0
+ (xmin, ymin, xmin + text_xmax - text_xmin, ymin + text_ymax - text_ymin), # pillow 10.0.0
+ fill=color_list[cls_index],
+ outline=color_list[cls_index],
+ )
+
+ # 标签
+ img_pil.multiline_text(
+ (xmin, ymin),
+ countdown_msg,
+ fill=(0, 0, 0),
+ font=textFont,
+ align="center",
+ )
+
+ id += 1
+
+ return img
+
+
+# 绘制多边形
+def polygon_drawing(img_mask, canvas, color_seg):
+ # ------- RGB转BGR -------
+ color_seg = list(color_seg)
+ color_seg[0], color_seg[2] = color_seg[2], color_seg[0]
+ color_seg = tuple(color_seg)
+ # 定义多边形的顶点
+ pts = np.array(img_mask, dtype=np.int32)
+
+ # 多边形绘制
+ cv2.drawContours(canvas, [pts], -1, color_seg, thickness=-1)
+
+
+# 输出分割结果
+def seg_output(img_path, seg_mask_list, color_list, cls_list):
+ img = cv2.imread(img_path)
+ img_c = img.copy()
+
+ # w, h = img.shape[1], img.shape[0]
+
+ # 获取分割坐标
+ for seg_mask, cls_index in zip(seg_mask_list, cls_list):
+ img_mask = []
+ for i in range(len(seg_mask)):
+ # img_mask.append([seg_mask[i][0] * w, seg_mask[i][1] * h])
+ img_mask.append([seg_mask[i][0], seg_mask[i][1]])
+
+ polygon_drawing(img_mask, img_c, color_list[int(cls_index)]) # 绘制分割图形
+
+ img_mask_merge = cv2.addWeighted(img, 0.3, img_c, 0.7, 0) # 合并图像
+
+ return img_mask_merge
+
+
+# 目标检测和图像分割模型加载
+def model_loading(img_path, device_opt, conf, iou, infer_size, max_det, yolo_model="yolov8n.pt"):
+ model = YOLO(yolo_model)
+
+ results = model(source=img_path, device=device_opt, imgsz=infer_size, conf=conf, iou=iou, max_det=max_det)
+ results = list(results)[0]
+ return results
+
+
+# YOLOv8图片检测函数
+def yolo_det_img(img_path, model_name, device_opt, infer_size, conf, iou, max_det, obj_size):
+ global model, model_name_tmp, device_tmp
+
+ s_obj, m_obj, l_obj = 0, 0, 0
+
+ area_obj_all = [] # 目标面积
+
+ score_det_stat = [] # 置信度统计
+ bbox_det_stat = [] # 边界框统计
+ cls_det_stat = [] # 类别数量统计
+ cls_index_det_stat = [] # 1
+
+ # 模型加载
+ predict_results = model_loading(img_path, device_opt, conf, iou, infer_size, max_det, yolo_model=f"{model_name}.pt")
+ # 检测参数
+ xyxy_list = predict_results.boxes.xyxy.cpu().numpy().tolist()
+ conf_list = predict_results.boxes.conf.cpu().numpy().tolist()
+ cls_list = predict_results.boxes.cls.cpu().numpy().tolist()
+
+ # 颜色列表
+ color_list = random_color(len(model_cls_name_cp), True)
+
+ # 图像分割
+ if (model_name[-3:] == "seg"):
+ # masks_list = predict_results.masks.xyn
+ masks_list = predict_results.masks.xy
+ img_mask_merge = seg_output(img_path, masks_list, color_list, cls_list)
+ img = Image.fromarray(cv2.cvtColor(img_mask_merge, cv2.COLOR_BGRA2RGBA))
+ else:
+ img = Image.open(img_path)
+
+ # 判断检测对象是否为空
+ if (xyxy_list != []):
+
+ # ---------------- 加载字体 ----------------
+ yaml_index = cls_name.index(".yaml")
+ cls_name_lang = cls_name[yaml_index - 2:yaml_index]
+
+ if cls_name_lang == "zh":
+ # Chinese
+ textFont = ImageFont.truetype(str(f"{ROOT_PATH}/fonts/SimSun.ttf"), size=FONTSIZE)
+ elif cls_name_lang == "en":
+ # English
+ textFont = ImageFont.truetype(str(f"{ROOT_PATH}/fonts/TimesNewRoman.ttf"), size=FONTSIZE)
+ else:
+ # others
+ textFont = ImageFont.truetype(str(f"{ROOT_PATH}/fonts/malgun.ttf"), size=FONTSIZE)
+
+ for i in range(len(xyxy_list)):
+
+ # ------------ 边框坐标 ------------
+ x0 = int(xyxy_list[i][0])
+ y0 = int(xyxy_list[i][1])
+ x1 = int(xyxy_list[i][2])
+ y1 = int(xyxy_list[i][3])
+
+ # ---------- 加入目标尺寸 ----------
+ w_obj = x1 - x0
+ h_obj = y1 - y0
+ area_obj = w_obj * h_obj # 目标尺寸
+
+ if (obj_size == "small" and area_obj > 0 and area_obj <= 32 ** 2):
+ obj_cls_index = int(cls_list[i]) # 类别索引
+ cls_index_det_stat.append(obj_cls_index)
+
+ obj_cls = model_cls_name_cp[obj_cls_index] # 类别
+ cls_det_stat.append(obj_cls)
+
+ bbox_det_stat.append((x0, y0, x1, y1))
+
+ conf = float(conf_list[i]) # 置信度
+ score_det_stat.append(conf)
+
+ area_obj_all.append(area_obj)
+ elif (obj_size == "medium" and area_obj > 32 ** 2 and area_obj <= 96 ** 2):
+ obj_cls_index = int(cls_list[i]) # 类别索引
+ cls_index_det_stat.append(obj_cls_index)
+
+ obj_cls = model_cls_name_cp[obj_cls_index] # 类别
+ cls_det_stat.append(obj_cls)
+
+ bbox_det_stat.append((x0, y0, x1, y1))
+
+ conf = float(conf_list[i]) # 置信度
+ score_det_stat.append(conf)
+
+ area_obj_all.append(area_obj)
+ elif (obj_size == "large" and area_obj > 96 ** 2):
+ obj_cls_index = int(cls_list[i]) # 类别索引
+ cls_index_det_stat.append(obj_cls_index)
+
+ obj_cls = model_cls_name_cp[obj_cls_index] # 类别
+ cls_det_stat.append(obj_cls)
+
+ bbox_det_stat.append((x0, y0, x1, y1))
+
+ conf = float(conf_list[i]) # 置信度
+ score_det_stat.append(conf)
+
+ area_obj_all.append(area_obj)
+ elif (obj_size == "all range"):
+ obj_cls_index = int(cls_list[i]) # 类别索引
+ cls_index_det_stat.append(obj_cls_index)
+
+ obj_cls = model_cls_name_cp[obj_cls_index] # 类别
+ cls_det_stat.append(obj_cls)
+
+ bbox_det_stat.append((x0, y0, x1, y1))
+
+ conf = float(conf_list[i]) # 置信度
+ score_det_stat.append(conf)
+
+ area_obj_all.append(area_obj)
+
+ det_img = pil_draw(img, score_det_stat, bbox_det_stat, cls_det_stat, cls_index_det_stat, textFont, color_list)
+
+ # -------------- 目标尺寸计算 --------------
+ for i in range(len(area_obj_all)):
+ if (0 < area_obj_all[i] <= 32 ** 2):
+ s_obj = s_obj + 1
+ elif (32 ** 2 < area_obj_all[i] <= 96 ** 2):
+ m_obj = m_obj + 1
+ elif (area_obj_all[i] > 96 ** 2):
+ l_obj = l_obj + 1
+
+ sml_obj_total = s_obj + m_obj + l_obj
+ objSize_dict = {obj_style[i]: [s_obj, m_obj, l_obj][i] / sml_obj_total for i in range(3)}
+
+ # ------------ 类别统计 ------------
+ clsRatio_dict = {}
+ clsDet_dict = Counter(cls_det_stat)
+ clsDet_dict_sum = sum(clsDet_dict.values())
+ for k, v in clsDet_dict.items():
+ clsRatio_dict[k] = v / clsDet_dict_sum
+
+ gr.Info("Inference Success!")
+ return det_img, objSize_dict, clsRatio_dict
+ else:
+ raise gr.Error("Failed! This model cannot detect anything from this image, Please try another one.")
+
+
+def main(args):
+ gr.close_all()
+
+ global model_cls_name_cp, cls_name
+
+ nms_conf = args.nms_conf
+ nms_iou = args.nms_iou
+ model_name = args.model_name
+ model_cfg = args.model_cfg
+ cls_name = args.cls_name
+ inference_size = args.inference_size
+ max_detnum = args.max_detnum
+ slider_step = args.slider_step
+
+ # is_fonts(f"{ROOT_PATH}/fonts") # 检查字体文件
+
+ model_names = yaml_csv(model_cfg, "model_names") # 模型名称
+ model_cls_name = yaml_csv(cls_name, "model_cls_name") # 类别名称
+
+ model_cls_name_cp = model_cls_name.copy() # 类别名称
+
+ custom_theme = gr.themes.Soft(primary_hue="slate", secondary_hue="sky").set(
+ button_secondary_background_fill="*neutral_100",
+ button_secondary_background_fill_hover="*neutral_200")
+ custom_css = '''#disp_image {
+ text-align: center; /* Horizontally center the content */
+ }'''
+
+ # ------------ Gradio Blocks ------------
+ with gr.Blocks(theme=custom_theme, css=custom_css) as gyd:
+ with gr.Row():
+ gr.Markdown(GYD_TITLE)
+ with gr.Row():
+ gr.Markdown(GYD_SUB_TITLE)
+ with gr.Row():
+ with gr.Column(scale=1):
+ with gr.Tabs():
+ with gr.TabItem("Object Detection"):
+ with gr.Row():
+ inputs_img = gr.Image(image_mode="RGB", type="filepath", label="original image")
+ with gr.Row():
+ # device_opt = gr.Radio(choices=["cpu", "0", "1", "2", "3"], value="cpu", label="device")
+ device_opt = gr.Radio(choices=["cpu", "gpu 0", "gpu 1", "gpu 2", "gpu 3"], value="cpu",
+ label="device")
+ with gr.Row():
+ inputs_model = gr.Dropdown(choices=model_names, value=model_name, type="value",
+ label="model")
+ with gr.Row():
+ inputs_size = gr.Slider(320, 1600, step=1, value=inference_size, label="inference size")
+ max_det = gr.Slider(1, 100, step=1, value=max_detnum, label="max bbox number")
+ with gr.Row():
+ input_conf = gr.Slider(0, 1, step=slider_step, value=nms_conf, label="confidence threshold")
+ inputs_iou = gr.Slider(0, 1, step=slider_step, value=nms_iou, label="IoU threshold")
+ with gr.Row():
+ obj_size = gr.Radio(choices=["all range", "small", "medium", "large"], value="all range",
+ label="cell size(relative)")
+ with gr.Row():
+ gr.ClearButton(inputs_img, value="clear")
+ det_btn_img = gr.Button(value='submit', variant="primary")
+ with gr.Row():
+ gr.Examples(examples=EXAMPLES_DET,
+ fn=yolo_det_img,
+ inputs=[inputs_img, inputs_model, device_opt, inputs_size, input_conf,
+ inputs_iou, max_det, obj_size],
+ # outputs=[outputs_img, outputs_objSize, outputs_clsSize],
+ cache_examples=False)
+
+ with gr.Column(scale=1):
+ with gr.Tabs():
+ with gr.TabItem("Object Detection"):
+ with gr.Row():
+ outputs_img = gr.Image(type="pil", label="detection results")
+ with gr.Row():
+ outputs_objSize = gr.Label(label="Percentage Statistics of cells size(relative)")
+ with gr.Row():
+ outputs_clsSize = gr.Label(label="Percentage Statistics of cells lesion degree")
+
+ det_btn_img.click(fn=yolo_det_img,
+ inputs=[
+ inputs_img, inputs_model, device_opt, inputs_size, input_conf, inputs_iou, max_det,
+ obj_size],
+ outputs=[outputs_img, outputs_objSize, outputs_clsSize])
+
+ return gyd
+
+
+if __name__ == "__main__":
+ args = parse_args()
+ gyd = main(args)
+ is_share = args.is_share
+
+ gyd.queue().launch(
+ inbrowser=True, # 自动打开默认浏览器
+ share=is_share, # 项目共享,其他设备可以访问
+ favicon_path="favicons/logo.ico", # 网页图标
+ show_error=True, # 在浏览器控制台中显示错误信息
+ quiet=True, # 禁止大多数打印语句
+ )
diff --git a/cls_name/cls_name_cells_en.yaml b/cls_name/cls_name_cells_en.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..65b4af47b91f419358d13a77afe0434601673ce5
--- /dev/null
+++ b/cls_name/cls_name_cells_en.yaml
@@ -0,0 +1 @@
+model_cls_name: ['severe_dysplastic', "carcinoma_in_situ", "light_dysplastic", "moderate_dysplastic", "normal_columnar", "normal_intermediate", "normal_superficiel"]
diff --git a/cls_name/cls_name_cells_zh.yaml b/cls_name/cls_name_cells_zh.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..390298dd9e1fc5634fb13a0f5872c9f8cf1060f1
--- /dev/null
+++ b/cls_name/cls_name_cells_zh.yaml
@@ -0,0 +1 @@
+model_cls_name: ['严重发育不良', "癌变细胞", "轻度发育不良", "中度发育不良", "正常柱状细胞", "正常中间体细胞", "正常表皮细胞"]
diff --git a/favicons/Lesion-Cells DET.png b/favicons/Lesion-Cells DET.png
new file mode 100644
index 0000000000000000000000000000000000000000..2cae86701fb0d24c97076e50a0679abfca927108
Binary files /dev/null and b/favicons/Lesion-Cells DET.png differ
diff --git a/favicons/logo.ico b/favicons/logo.ico
new file mode 100644
index 0000000000000000000000000000000000000000..e5f160a012baad5522d45b3178fe54ba8a471ab2
Binary files /dev/null and b/favicons/logo.ico differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9b3148855d6315d08564ab57609386555c9ec557
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c4c23c9d2e646b97629a050ee893ccb073a45631
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..588469b3f9f714c0d14093a8c66f739a540d1d2d
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-004.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..6bdd3da0f76e0a5453b636fc898cbf1dbd5b5ba2
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315740-004.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5685ad1170ab359d3286fb56366433137dc9fdd9
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fb338047c27a5334d972c7965be33c12c8f5adda
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315671-149315749-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b8d9f3918ddebbd95d1ca14d2f29803d097b3c54
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..2ab324a22d0f0cd00df09cfb84cb852575a6e8a9
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..031fe91fab83e417f66994df24b0dc3357419567
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149315775-149315790-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316025-149316032-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316025-149316032-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..eb406680438f3951d1bb36831b2a689da852d0e6
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316025-149316032-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4815dc2d3327b8a24bfefbe0c3503c82c7f2a63b
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f498c342bb59657f15ef3e7470963e422058ae94
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-004.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d43ca8e99246d5cf0f9e819555f18733ac149131
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316122-004.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..620372b777fdf5a258d9bbb56da6755e2b93db2e
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..91103a0f6a80852900e95bc93d5a74a9144c031e
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316117-149316131-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b9118d4246216970fe5e43180313deebfe1cca03
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..48a8c4850c754d074819127d807622aa069a909f
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..93a3e25026c99216fcb7fb04b136975d7493ffed
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-004.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..470bcb57dbdc7b339685df269e1ac117d5f2b823
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149316426-149316462-004.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..970593cded9f438658f99f96288104e1676dee88
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..43fd718d803c66fc976edab7bdc046e45fa145cf
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-004.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d6f0f7c111ccbf91707b6ff05636cee94779275a
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149317114-149317152-004.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/149357956-149358043-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/149357956-149358043-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1e92b2f153c5badbc938c98bf1511e01e15b5979
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/149357956-149358043-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cf12bb3b3f90c54b60de55eecb0ca2e11e5cf855
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..65fb29fa12733866c36d9641a4a36c281a2eee32
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153826597-153826619-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7089594bc685417ab5ec2df35c3377de17c50567
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4df213649bdd0b2b0a426622c5c5631f3be96375
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827657-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827664-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827664-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0d6e828d08ed977631cd2580544784a8a5f249e8
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827664-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827669-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827669-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..464a27cf59c6632cae43b081be9351e91faf04f1
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153827595-153827669-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153830680-153830693-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153830680-153830693-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..100d8298559e488b0879ecb3683accd25d210a6a
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153830680-153830693-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..eaabae4470fad6bc70ff7d5182df956f6ee3580f
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d69f38a7d895d408ba676bdf67c0d07d718f9198
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831036-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..99bf17c9a9832afcf44d14b642325be81397f70c
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..84e966448c1c16ec910510d688759af053158e94
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..bbaf86cd9065eda704f3b65def11f3146317451b
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831027-153831045-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831426-153831438-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831426-153831438-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b26b94373d4be07c777ff066de944ce845a146f8
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831426-153831438-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831479-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831479-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fa65c66daf203063dd86ad9cd82bac6826dd05a2
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831479-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..bdad1e3f36f7b45a48cb06228536d7e3421895f8
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..df9894cc8fc0abab06bd1b7cd2ee7fd00ad31902
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-003.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..95fe7b7330598ef86168b29a7bd75a54b65c9ddc
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-003.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-004.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..18f160ed2e9add2f5e5b6d84b41200a954f95d7f
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153831471-153831486-004.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916150-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916150-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3ce85f8be0cf4d6e4ff96c6acf79c49038e51cf8
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916150-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cd88036cf107daa758dafbe2d199706c6d6f6149
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-001.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-002.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9ab1a4e9c2a74dfd95697b20674fb4c68e8372e7
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153916114-153916167-002.BMP differ
diff --git a/img_examples/ground_truth_label/carcinoma_in_situ/153916569-153916586-001.BMP b/img_examples/ground_truth_label/carcinoma_in_situ/153916569-153916586-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9e238c21300b099869c6245792a062b59be7df55
Binary files /dev/null and b/img_examples/ground_truth_label/carcinoma_in_situ/153916569-153916586-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153314466-153314473-003.BMP b/img_examples/ground_truth_label/light_dysplastic/153314466-153314473-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b3638a1ac8c79b2331e49900c817d7d65fe3eddd
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153314466-153314473-003.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..498a1a070d40395ce7db9313d8b0b3e78ec0a907
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-003.BMP b/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d8dae0302dd307334d3f0904f1e5ff3579674e93
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153314759-153314767-003.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..97fde90f2b32a83f81afb0fa5805528707871998
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..92e96a863bb24aa7b5a59407e9ddc1de5f731269
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153314857-153314882-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..08586ff6ef1940a3c34a92491ea539a0c1d2f00f
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..af9bd697176956cb33ae2bfa86e9106f16bd676a
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153354589-153354597-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..105baa6134886717395f1a29579ab6fd41b45112
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..424c626c6cef5698d3fb9b97172fa4394e2ddbd4
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153354858-153354901-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7488108d6127f4e53f9e8f3fbd9d1ff2e7d98e67
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cf1ef750bf8d1287a788aff370be2d360ef281ab
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153655593-153655600-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153655593-153655608-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153655593-153655608-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..6e1b394f58f02a19b6c49c745eaea7f9b2247dfb
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153655593-153655608-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153656862-153656873-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153656862-153656873-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..2535a4e60bdf25fec718dd105adc559ca848fd2b
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153656862-153656873-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153656862-153656891-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153656862-153656891-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b5d58b9f1ce26175dd7aef03975866a2722f6ffd
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153656862-153656891-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153656957-153656964-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153656957-153656964-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..02d0765299a0a5254987f3fdf78167f5f068d549
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153656957-153656964-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..86378a3745dfa8f8c4938f000c6b28ace72b6130
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b6f1d7becebf3044d1e4c0a4abf289d489ddb8f6
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657257-153657289-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8b88d458a537a3775b2d9ad73f6dea00ba277a08
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..135685a54fcda39a65dab5eea8635859382f51b4
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657327-153657363-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..febcf7ff6a34145ea57a8c678aa84c70e784e433
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..dfe1445cb3ba52f8873b8097e4a72dff528478b0
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657419-153657488-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4df41d50d1c4cb81a145ac7d7e6bafb4ca12b8f9
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f6270cfb1313bd6ba9c682f0b5a942fe3cc3250f
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657599-153657610-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657599-153657622-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657599-153657622-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..afe192002ff766b53dc3d6cb6ea6af3fdc934407
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657599-153657622-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..df5b14076098a10e698093b4293c78c879719302
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..430dd09d2808fc1c19b2e2887ea65a64df446a0d
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657599-153657633-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153657698-153657708-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153657698-153657708-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4c19689c41034dfc298212ddb3ded261b1ff66fc
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153657698-153657708-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153697097-153697106-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153697097-153697106-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c666f7581837df83b69657065fe2f043ee6e9cfe
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153697097-153697106-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153697726-153697736-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153697726-153697736-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..22a1b2bec004ef89eaeff912d829802bbf8dab68
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153697726-153697736-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153700207-153700215-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153700207-153700215-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1dd928b0e54146a45afe85f41eed42410d6cd0f0
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153700207-153700215-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153700207-153700224-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153700207-153700224-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7f56571eb2ae40fde24333362f8c70fcb0c46aca
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153700207-153700224-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f02f530c5ea4f7379b9d98fa56c2d08b4df28ad1
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..bb5ed95b7a3f406c7e650239417f3751b51c8446
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701009-153701019-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701139-153701148-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153701139-153701148-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a86068cd6ae1ec8e0dda47ddeb316e2926be803e
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701139-153701148-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701557-153701566-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153701557-153701566-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5876d3f1b8914624c0028d36127d06e425f8f882
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701557-153701566-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701949-153701958-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153701949-153701958-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f5cf81abdb1583d358cd35ee30028f2608c2b55c
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701949-153701958-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153701949-153701964-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153701949-153701964-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7b6e35cd7f3b67deda6c0f0d41e3c9411e194f5b
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153701949-153701964-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..25b256da48bd789df60bc7cfd28ebc12848622d5
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-002.BMP b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..698ebcc689d2e7b1b87cb8fca1d006bfb7b2f290
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-003.BMP b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7dc8facfce36a71bc8a8ae6361d6388761b6104c
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153702037-153702051-003.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153702037-153702060-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153702037-153702060-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a3b41b3db8df50de9d6ade0e7371792323a0ec4d
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153702037-153702060-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153829664-153829672-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153829664-153829672-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ad851b758a7b9fea5cd1ca55adeb8980bb80c5cb
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153829664-153829672-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153829700-153829705-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153829700-153829705-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f2856e7bb6c0cff559d5ae8bcb097538fed7a3eb
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153829700-153829705-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/153829745-153829754-001.BMP b/img_examples/ground_truth_label/light_dysplastic/153829745-153829754-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c5ba69443bffca7002c7c24d1fa913646ee2ee57
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/153829745-153829754-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/154519964-154519981-001.BMP b/img_examples/ground_truth_label/light_dysplastic/154519964-154519981-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5e430d61eae4c0e26287770319f3a3e55bc297b2
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/154519964-154519981-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/154520056-154520096-001.BMP b/img_examples/ground_truth_label/light_dysplastic/154520056-154520096-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..763d032f6aa880e97715137ae831de80608e166e
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/154520056-154520096-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-001.BMP b/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ae420eed8b97e1dfd879cef738e66e2d753bb4b4
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-002.BMP b/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fa25e81c0ddf394e0c986c233bf8e2d1b013337e
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870858-204870872-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-001.BMP b/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cc30610b463e3316115485089853dfa27b82e8a5
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-002.BMP b/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f2ecb2056d012489b8184e75d66fd2e014819dad
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870926-204870933-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-001.BMP b/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..225047c387303872f7b83d30d0c0767d25114982
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-002.BMP b/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ccc981cf6b65f3a10ecc37f95b53bcb403ceb2d6
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204870951-204870961-002.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-001.BMP b/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5a8be095698baee091d4ec6e8ff70e5f6fe03035
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-001.BMP differ
diff --git a/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-002.BMP b/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9c1c53ba9c8c62b640b864db1d477a08b507aafb
Binary files /dev/null and b/img_examples/ground_truth_label/light_dysplastic/204871030-204871038-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..44d85877a001ef79a5bed03122a78a28e3c7e8b7
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..bdbdea45a617fdd24d57ab842b3aaa800155b11c
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149316754-149316779-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316952-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316952-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3f51fe3ebf9510dee1e77658d0d3819bf2d1be72
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316952-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316961-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316961-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4362637c7d6af7264b480966e24d43e50d7e4f52
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149316941-149316961-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0af8542970fa376a744a0b7819de043461916143
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ac1225805e778916c5a18b2597fc2f4e7c046933
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7482762d20940100f3d589611da1a5af99719444
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357857-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..bd26e9446824272dfde7d31b0e52577888ff5c17
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b988decc2e0e382b70b09ed088fa30fae5acb081
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149357849-149357867-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/149358108-149358125-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/149358108-149358125-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b06fe65de6f0c4681b57f965c5ea89b5029a98e5
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/149358108-149358125-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f24c1f39681e36d8068fe5240ae2aad8c4fa6c58
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..650813384e973fa42e599087199d8730497ff277
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153275893-153275939-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..6460d682d4ca7b7e2e20003bd45e28d1da29f11d
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..34178d1949014054265705a243024cdf4d430ae4
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..902ec7c91bbeaf837555a6da50b2a3b6aae080b7
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-004.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8c9c939606e31da0531fff3e4f0f75363c0e50bf
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276405-004.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276414-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276414-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a9c8c5aa502a5d0eabba60f375ae4756e84afadf
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276386-153276414-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153276799-153276818-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153276799-153276818-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..962f9ad0f2fd612a8292cd762cfcd45682e94174
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153276799-153276818-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697353-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697353-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0a8c0d57ffa463446007c8f94c344350a503638a
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697353-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..08a0269a85e9f66312a780e72a37655be30e64c6
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..384ced3f8d3d5ddb1faed67c352c640bf831d627
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697366-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..30175e2901d49222025cea728990e49a4749829b
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..6172e67d91de102176e41b1342d6556cdbb7bc28
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5d52eb2b951dbdb0b8d5c4a561984b3eee5940e7
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697375-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..67c9f09f15c83b9796d6f20ad05f3dfbbd53dbba
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..511f3aeb6c9d8c772570e3107e561a966945ab05
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153697342-153697384-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9801956fff3bbc4c82f33fd2bb2decd522788816
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1d10e35968cb5ff5a482c5698ab42d57077b2f71
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0f19140d73d387483003c3c19532adf09b5b7fab
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153698259-153698268-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d8a8810a5d02b74db10a1b3cd2f7230fc1d0e1e1
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-003.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0c9635d2ad37d5ce2e12d99e04084c71cfefc2b8
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-003.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-004.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..40fa099aa916509521dc88e2605bf7c85b3fa1a1
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-004.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-005.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-005.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3a2b4802e3baa9973e6db5f22b83df30866a2bf2
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153701139-153701158-005.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153701622-153701650-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153701622-153701650-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..39911e454f36fc1413109cfe63dfbfa3903536b2
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153701622-153701650-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153829664-153829678-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153829664-153829678-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8f26705ac3ed2ef35380bc60cfbdbbee9b8e55f4
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153829664-153829678-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153829700-153829711-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153829700-153829711-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a58ea1dff8540e63aec7f2d5d90375a3bb0fa425
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153829700-153829711-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153829745-153829763-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153829745-153829763-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7b249a155df3cc154c52597d243780b86a9a6277
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153829745-153829763-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153915230-153915252-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153915230-153915252-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8872fe87fd6ca05b182a6742199f3b1e2f9c2b38
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153915230-153915252-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/153916675-153916684-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/153916675-153916684-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..32c63a238966d060211c05a841ceb97c34b67c97
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/153916675-153916684-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e6372299cb0645da4fb38ed8c00718e7a87a316e
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-002.BMP b/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..2a852ad3bba40855e28f1ed384958bac7e6d4012
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/204870815-204870836-002.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870902-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870902-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..538e860bc1c0c111e8dad9d722d137c642efc995
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870902-001.BMP differ
diff --git a/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870910-001.BMP b/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870910-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..27d212ff5e8847a0f87bee118e4d0add9c93ee08
Binary files /dev/null and b/img_examples/ground_truth_label/moderate_dysplastic/204870892-204870910-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157185781-157185814-001.BMP b/img_examples/ground_truth_label/normal_columnar/157185781-157185814-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f34506b54b673504debb54ccaf76ce4ce318fc9a
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157185781-157185814-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157185781-157185814-002.BMP b/img_examples/ground_truth_label/normal_columnar/157185781-157185814-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..51a3c304bc2ee43a208ea80e1a8df69307965e17
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157185781-157185814-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157224172-157224207-001.BMP b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e28b155b62be10318d2bdab18857819fc5f10bfa
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157224172-157224207-002.BMP b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..eb5e752ccf5d41a086b0b06277273e5c760b31e9
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157224172-157224207-003.BMP b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7c378ee046f0e2f83c13155ea2f025a867d27ed8
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157224172-157224207-003.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157227058-157227087-001.BMP b/img_examples/ground_truth_label/normal_columnar/157227058-157227087-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e67468e116ec4adda3aeb6d236d1256220f03e25
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157227058-157227087-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157227461-157227503-001.BMP b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ea3d7589da06433c87573aed4dbffa460fd06fe8
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157227461-157227503-002.BMP b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..17ff7b504ad55166576cee5637e237be65859898
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157227461-157227503-003.BMP b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a354a3a2707009af90436743ce0cf230234dc459
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157227461-157227503-003.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157266930-157266947-001.BMP b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..87b90145de93d7645d21cca07344042bc5df1ec3
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157266930-157266947-002.BMP b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..01a39b4dc2b494cb89879eecbb6d5626e6b843ad
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157266930-157266947-003.BMP b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..32a1fbbc32bb414f23d29b9229469d8e9181d92c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157266930-157266947-003.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267001-157267013-001.BMP b/img_examples/ground_truth_label/normal_columnar/157267001-157267013-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..352664d0c1b98a2e688b9609c8fe73fc2f933481
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267001-157267013-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267059-157267072-001.BMP b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3138262faad06a9a4f77325c63106b0777cbc9dc
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267059-157267072-002.BMP b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a5311a9373bd213ed366820ea2235d064b2ca385
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267059-157267072-003.BMP b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a9546dfcc8957b86cab6fcca77edd37f530ba173
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-003.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267059-157267072-004.BMP b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5624c492790daba8e17e8b30a25c7ca1b36cc959
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267059-157267072-004.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267263-157267286-001.BMP b/img_examples/ground_truth_label/normal_columnar/157267263-157267286-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e19ece38853c8fa60b2a8d167d9729dd5c2fd74e
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267263-157267286-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/157267263-157267286-002.BMP b/img_examples/ground_truth_label/normal_columnar/157267263-157267286-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..646f80f880dab3a75d6dd81afd32f516ca123eb8
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/157267263-157267286-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986766-158986776-001.BMP b/img_examples/ground_truth_label/normal_columnar/158986766-158986776-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ef036864eb1f93131a31bcc1e83f4dd824db8bb6
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986766-158986776-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986766-158986776-002.BMP b/img_examples/ground_truth_label/normal_columnar/158986766-158986776-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a33cb69bac04e40365007eb67e0bb690ff097032
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986766-158986776-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986813-158986820-001.BMP b/img_examples/ground_truth_label/normal_columnar/158986813-158986820-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3bed6bcda8cdccb6cf82c22590bef658a2d192c9
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986813-158986820-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986813-158986820-002.BMP b/img_examples/ground_truth_label/normal_columnar/158986813-158986820-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..09cfcbecf0610cb66eb8c24a18b1ff202676f0bd
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986813-158986820-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-001.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..966a597153382b07967d74c2f5d5c72c6ccb9d1a
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-002.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a73f296d7feb590c7d4dabb8bb74a3330c223ba3
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-002.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-003.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e6c920e4d797e883de2e64b33fb5f5d77855f930
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-003.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-004.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..858e4eeba4ee6f491bb010eaad5b19e891fe915f
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-004.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-005.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-005.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..db01481f7ef4ebd4a99833074cf862846d4c1e30
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-005.BMP differ
diff --git a/img_examples/ground_truth_label/normal_columnar/158986920-158986928-006.BMP b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-006.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9e6721d67cd90d402db111f60789e6f473db6c80
Binary files /dev/null and b/img_examples/ground_truth_label/normal_columnar/158986920-158986928-006.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209522940-209522970-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209522940-209522970-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..140d10f3da37745440d179f103927a8a62dc704e
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209522940-209522970-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209522940-209522991-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209522940-209522991-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fd1d9ed25b15b7131e6008d507e0417a309b5de7
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209522940-209522991-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209522940-209523052-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209522940-209523052-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..329c427d106c6ae6b89c9f9744c9b044caea36fc
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209522940-209523052-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565409-209565466-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565409-209565466-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4f8c377d6e11d896a7e9bf7d33581560832f2ebd
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565409-209565466-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565409-209565503-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565409-209565503-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..eec630165d3bbaaa863343d4bd155fa2ac03cf26
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565409-209565503-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565409-209565600-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565409-209565600-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8dfe9d6b034ad8356eb72be829867424e9da2708
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565409-209565600-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565698-209565729-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565698-209565729-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f9ad1852569c6fed3e7e35550bf3e3d2b7aee2fd
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565698-209565729-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565698-209565772-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565698-209565772-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..edf2666670c487c05674b52712df6f52e156147b
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565698-209565772-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565864-209565890-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565864-209565890-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5697e713248f64d34c54e855c8949a7a9813aa93
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565864-209565890-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565864-209565911-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565864-209565911-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..82c1e9754037662f3f1a870c7c1c8433c679695c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565864-209565911-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209565864-209565950-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209565864-209565950-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e578e2332735aac26ddcc21df33c93b0093aa13a
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209565864-209565950-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566047-209566095-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566047-209566095-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7b3400cfd75e6e8105ea2913a196ed6c1e5c720c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566047-209566095-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566047-209566125-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566047-209566125-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..48bfe573bd02450e21d656febccb1782738e5e65
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566047-209566125-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566205-209566247-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566205-209566247-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ce7f504695e6618600ed4522eb734ee291d9fa32
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566205-209566247-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566205-209566266-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566205-209566266-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e17cd11cda25275a18d7f3913a01a80246ff580a
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566205-209566266-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566205-209566289-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566205-209566289-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d96891ddbbf766fb9296a0b54fcc95406945d412
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566205-209566289-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566205-209566321-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566205-209566321-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b9555ed7b5f3ff5458901441d8d77f39817de396
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566205-209566321-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566205-209566333-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566205-209566333-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5157ac6865444d54113cf19ae59818afc808acd7
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566205-209566333-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566399-209566464-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566399-209566464-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..24acbd50010ac3237e66e3b8eb41a75b2d31031c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566399-209566464-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566399-209566485-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566399-209566485-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..587eed27345977760860cc4aa63be4757da56585
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566399-209566485-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_intermediate/209566399-209566517-001.BMP b/img_examples/ground_truth_label/normal_intermediate/209566399-209566517-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..89297239eb29f6fa2fa86652e06ee768cbcfbdce
Binary files /dev/null and b/img_examples/ground_truth_label/normal_intermediate/209566399-209566517-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157181569-157181599-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157181569-157181599-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0dd8f418d6157364a26b2861db28bcc9d5bd754f
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157181569-157181599-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157224412-157224429-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157224412-157224429-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1e86f3c955da58e2463a282cf204a1fca719a22c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157224412-157224429-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157224458-157224483-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157224458-157224483-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f48fde40a01d802e7a139b19a7d45b7914a85d56
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157224458-157224483-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157224504-157224520-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157224504-157224520-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d3517f9d6b5536260b0ae84f15693099612ead63
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157224504-157224520-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157267647-157267732-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157267647-157267732-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..42f93bff453e6d3d5646bac68f6f8340f761500c
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157267647-157267732-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157268242-157268296-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157268242-157268296-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f4a45d3a7504ebb9e25e7d9957707ce317f5a303
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157268242-157268296-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157268342-157268376-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157268342-157268376-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d395fa908260909e25aef6361a5b14ba106c5c09
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157268342-157268376-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157268342-157268401-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157268342-157268401-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..96949809fcda664ccb8c4d167c3ae0f3f18ddf33
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157268342-157268401-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157268504-157268544-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157268504-157268544-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1e6db0f3141bd6dfc4f4b0cbd70c37a5686c60e6
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157268504-157268544-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/157268587-157268617-001.BMP b/img_examples/ground_truth_label/normal_superficiel/157268587-157268617-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ebd618486360622575309cb2313b76fac17284e4
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/157268587-157268617-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/158987033-158987057-001.BMP b/img_examples/ground_truth_label/normal_superficiel/158987033-158987057-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1141dcae005c5a3837cdbf2d59696e7429b0e26e
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/158987033-158987057-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/158987453-158987462-001.BMP b/img_examples/ground_truth_label/normal_superficiel/158987453-158987462-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..529a1f6c74eaaa83371e53dd9a0b8729bd4e1f97
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/158987453-158987462-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/158987493-158987499-001.BMP b/img_examples/ground_truth_label/normal_superficiel/158987493-158987499-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..df5e8d7201addc6a474f90a4d733b69fa564c74e
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/158987493-158987499-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/158987493-158987505-001.BMP b/img_examples/ground_truth_label/normal_superficiel/158987493-158987505-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..edb8e0a4de194e199654063ef3405f12fd93876a
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/158987493-158987505-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047342-209047400-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047342-209047400-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7ba9c042b37d7b9f6b7a02081a0bab0a6d2352c7
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047342-209047400-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047342-209047443-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047342-209047443-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cd90188ec5669345d4c13b166bc057bbd81aa0a1
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047342-209047443-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047342-209047478-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047342-209047478-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..02ccd9ef7d616523b50e853e7ecd352dd4a2122f
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047342-209047478-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047526-209047717-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047526-209047717-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..de448d6d65ff20fc8c89af699f73aad77980857f
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047526-209047717-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047526-209047798-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047526-209047798-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0f1dbc3bbabe27fcf3a97775053bd1fb574baf23
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047526-209047798-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209047881-209048017-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209047881-209048017-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8abc7373327ff634aa2443c51e302c05f27bacee
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209047881-209048017-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209048086-209048137-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209048086-209048137-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..252157b84b3dd40bf7c7c943a908ad5e7f171d16
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209048086-209048137-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209048086-209048278-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209048086-209048278-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..aa6bc7b7419ccce4a786c1f24771c7e6b6dfcf1d
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209048086-209048278-001.BMP differ
diff --git a/img_examples/ground_truth_label/normal_superficiel/209307421-209307597-001.BMP b/img_examples/ground_truth_label/normal_superficiel/209307421-209307597-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7169b60487d378f58cb855f315f6e4884b2ca59e
Binary files /dev/null and b/img_examples/ground_truth_label/normal_superficiel/209307421-209307597-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826970-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826970-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..960482f85473e5e21bc5cb4b6919d8fbfcad787e
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826970-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..12775c7bd79f1ed2a51dc3be17b80dfdbdb10e03
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f45779350c94cd3a4e33cbc214b83456fc7f4f54
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9f3515c5e5dd824e0da7e317b534cac47a1d61ad
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826976-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7fe157daeb89f15711e3546410241aca5c3b244b
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..ab40ce1798bbaa5b10b42df035482e1fb0020dac
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..12599052a34eb16134778a7c9db5013c82bf665c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826982-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..afada457fdf5bc98f9a66fd86b5c5bdea6e49ee8
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fbf9a943accc6770ca68bd1853bf7b6858d5985a
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153826963-153826989-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..717bf79eafe013117610982b61f2e968fa05097b
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..3080ef4a52c8cc33ec062a50bf854a6b2a9b44d9
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-004.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..612d00f9e41e02edab901eddd8c100650e73d426
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827604-004.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..27d3c7ada251015aa6db03285413accf60f0db94
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..42003a8cecaa2a4d0f6e176e1d786dd861a25567
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827611-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fc0848a59d9b5a6ad1f58dd35fa35568017f6ec4
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c3e960a10dd0d7c4d18082a0998f4aa96bcdfc82
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153827595-153827618-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..84d955a51069e6f093121df496e0c2bb4eedfc3a
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d1f90096d7702eeab31eacc54b7bde28394a3279
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828890-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828877-153828897-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828897-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e9b360fc8e147fd3b487cb7f962105c38d4b9d5a
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828897-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828877-153828902-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828902-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..345c83540fc7a5f06e0d0624d616d54484737b76
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828877-153828902-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153828970-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153828970-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..66620703aa07a0e7cee96de4ce962fcb9bda25f6
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153828970-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153828980-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153828980-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..74413cf69941e663e542f7b4540bdca5d62ea070
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153828980-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5dadc3f39596ef46ec2074d690439dfd9aaad760
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..86cebad8d281c64cf2f0d77e2c7d10bd0bb89224
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..55b2151efa20658fd57a458d0871a6f3176e4d8b
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829000-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c897924c748dc786435b9bf21183a7be8188c24c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cba356172f53c5c479c0d7f9e2ea58f457802c1d
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829005-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153828952-153829009-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829009-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..fd368c82831eece81584ab2221b769347b365284
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153828952-153829009-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5469308dfe6f00618c56110b14fb1184e36d2105
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..abd86e1702cfac566dcb27f48fcfdc15342cb2f8
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829073-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829063-153829078-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829078-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..781d0071fc8f43f8d2002aa00d2ff76fc11010b9
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829078-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829063-153829086-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829086-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1fb61f86c7f2b06620c3255311dbbdd20cd3ca8e
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829063-153829086-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c2c8f9b5582cca6e7de8a9d036d229fc2ae38fd6
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..01ca878490adf6fb16f8cc1d2120b7d7f8a9cc8a
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..1d33694a64f7bcabc6076c0fac30b2c37a7acc1f
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153829745-153829768-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d73debefe9c176648e5c11cbe06150304371db91
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4e8f48aad3a5e12e54473b3fb16d3be6802389fe
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153830261-153830340-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a71d502dbc79c140d3fb59cb7da7a86fb5dd440e
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8e92b78bcf182f980a4c8d4b0b57ed4f68f84635
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..077b81f73f7548b5a8906c9dfdcb9deffcbe70db
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153830680-153830827-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7833635d718935a945d68660090e7334acbf505a
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..75ed57cab93c31dd1ed0297be6b468b70e23ca78
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9b6693847a065bf8fda7e3693669060f7f9a78d3
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-004.BMP b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-004.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..49d74f2b16f93706451174805b610b65d1c4174f
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153831352-153831372-004.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915316-153915330-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915316-153915330-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e3b5decb21822661af120ed670490fc9f1443b04
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915316-153915330-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915432-153915441-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915432-153915441-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..71e9f023da7f31ebd9e7fab3ede739cce131c6df
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915432-153915441-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915432-153915472-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915432-153915472-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..0fcf933e5669dba6eccced6b0c638cce092fa47d
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915432-153915472-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..7a600324e651b08a748fc770ea05238efbbe2f0f
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4115a4026030c00e6a88eb748d04abdd38d1a17c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cb19e307edf252bda9bd0e35c7436831c5e0068c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-005.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-005.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..b7b0dd0d4b3b20b57576105a1faede07a01ca5ae
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-005.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-006.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-006.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..48a94775a22a7f7602c4fd54f3483532f5d7c700
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-006.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-007.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-007.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..5b002c02ff56008545f2d2bbcb62aea7b7c3eabb
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915634-153915665-007.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915726-153915736-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915726-153915736-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..07171d624a3625a914c9008df9ea68c4876a35ab
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915726-153915736-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153915726-153915774-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153915726-153915774-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..821808026387c30991239a1b6c05cb157325598d
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153915726-153915774-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..70a14b757fcde2364f84dae574941eefd6d4e3f9
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-001.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-003.BMP b/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-003.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d9e4fc24573c2bc2a7d23c073784667d28818ff6
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153916001-153916020-003.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153916114-153916129-002.BMP b/img_examples/ground_truth_label/severe_dysplastic/153916114-153916129-002.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..f99c82129daabbcd232f06e9231019ff3a65798c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153916114-153916129-002.BMP differ
diff --git a/img_examples/ground_truth_label/severe_dysplastic/153916922-153916963-001.BMP b/img_examples/ground_truth_label/severe_dysplastic/153916922-153916963-001.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..c233d8e5ecf05be1ab3ed2c4a2f65e41f293bd8c
Binary files /dev/null and b/img_examples/ground_truth_label/severe_dysplastic/153916922-153916963-001.BMP differ
diff --git a/img_examples/test/1280_1920_0.jpg b/img_examples/test/1280_1920_0.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f32ac18313f3f97918ef0381947a71ee9d521800
Binary files /dev/null and b/img_examples/test/1280_1920_0.jpg differ
diff --git a/img_examples/test/1280_1920_1.jpg b/img_examples/test/1280_1920_1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..f47496d13c01001d0e7725f8a93c6f0315ada6c6
Binary files /dev/null and b/img_examples/test/1280_1920_1.jpg differ
diff --git a/img_examples/test/1920_1280_0.jpg b/img_examples/test/1920_1280_0.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..a53c738cefffaff7daa934e18b37efda38bb9c2d
Binary files /dev/null and b/img_examples/test/1920_1280_0.jpg differ
diff --git a/img_examples/test/1920_1280_1.jpg b/img_examples/test/1920_1280_1.jpg
new file mode 100644
index 0000000000000000000000000000000000000000..551b91d7466f95055ffec810516f8f8f234d0026
Binary files /dev/null and b/img_examples/test/1920_1280_1.jpg differ
diff --git a/img_examples/test/cancer0.BMP b/img_examples/test/cancer0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..842588ad2d8c2faf05fd5aa086f4347a89603fa1
Binary files /dev/null and b/img_examples/test/cancer0.BMP differ
diff --git a/img_examples/test/cancer1.BMP b/img_examples/test/cancer1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..cb0bf94dedb57dcf708b7546f24947e9880b741c
Binary files /dev/null and b/img_examples/test/cancer1.BMP differ
diff --git a/img_examples/test/light0.BMP b/img_examples/test/light0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..76dca359c763a08974817445544e8ef165524c62
Binary files /dev/null and b/img_examples/test/light0.BMP differ
diff --git a/img_examples/test/light1.BMP b/img_examples/test/light1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..288ee2c625ac2e6860ec2634b018a894ccabb6ae
Binary files /dev/null and b/img_examples/test/light1.BMP differ
diff --git a/img_examples/test/moderate0.BMP b/img_examples/test/moderate0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..9d9fd91725fc858a36cf55d527e6ffcebb7559ef
Binary files /dev/null and b/img_examples/test/moderate0.BMP differ
diff --git a/img_examples/test/moderate1.BMP b/img_examples/test/moderate1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..029e859b3ff0c8ef98c9307e0d9df03937b7966f
Binary files /dev/null and b/img_examples/test/moderate1.BMP differ
diff --git a/img_examples/test/normal_co0.BMP b/img_examples/test/normal_co0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..87b7aca6af6ef846d8ee4c6a98d477876e04e9da
Binary files /dev/null and b/img_examples/test/normal_co0.BMP differ
diff --git a/img_examples/test/normal_co1.BMP b/img_examples/test/normal_co1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..09bb2af34fb9b5cfc096bbe9d6b22bc2c58d64c2
Binary files /dev/null and b/img_examples/test/normal_co1.BMP differ
diff --git a/img_examples/test/normal_inter0.BMP b/img_examples/test/normal_inter0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..e684959cbf4d25b4eb6668178bbae61a176c2c72
Binary files /dev/null and b/img_examples/test/normal_inter0.BMP differ
diff --git a/img_examples/test/normal_inter1.BMP b/img_examples/test/normal_inter1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..08b6da7b8d98aec560b400a26d0d2e3afb8a3f14
Binary files /dev/null and b/img_examples/test/normal_inter1.BMP differ
diff --git a/img_examples/test/normal_super0.BMP b/img_examples/test/normal_super0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..58d1836ee3e86236f363a3f3d50175591f88ed5a
Binary files /dev/null and b/img_examples/test/normal_super0.BMP differ
diff --git a/img_examples/test/normal_super1.BMP b/img_examples/test/normal_super1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..8b1ca83f146ca55d757a7e74ef170c1a7701ba48
Binary files /dev/null and b/img_examples/test/normal_super1.BMP differ
diff --git a/img_examples/test/severe0.BMP b/img_examples/test/severe0.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..a5a186b9b0d7d892f16e259ecd775754bbc3cc04
Binary files /dev/null and b/img_examples/test/severe0.BMP differ
diff --git a/img_examples/test/severe1.BMP b/img_examples/test/severe1.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..d11807de5ab746ca04fb353f023af527d7b38bc9
Binary files /dev/null and b/img_examples/test/severe1.BMP differ
diff --git a/img_examples/test/severe2.BMP b/img_examples/test/severe2.BMP
new file mode 100644
index 0000000000000000000000000000000000000000..4e07e8938404e4ffddf60fb5e0e5a5b021a0d130
Binary files /dev/null and b/img_examples/test/severe2.BMP differ
diff --git a/model_config/model_name_cells.yaml b/model_config/model_name_cells.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..6af0633be3c031b1dc1bf5eaa12b9a62f050e856
--- /dev/null
+++ b/model_config/model_name_cells.yaml
@@ -0,0 +1 @@
+model_names: ["detr_based", "vit_based", "yolov8_based", "yolov5_based", "cnn_se"]
diff --git a/requirements.txt b/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..0ae2e2a46871b407e4b9da3e2b85abe49b1b9141
--- /dev/null
+++ b/requirements.txt
@@ -0,0 +1,26 @@
+# pip install -r requirements.txt
+
+ultralytics>=8.0.206
+gradio>=4.1.2
+opencv-python
+matplotlib
+numpy
+pandas
+pyyaml
+pillow>=10.0.0
+wget>=3.2
+rich>=12.2.0
+fpdf>=1.7.2
+plotly>=5.7.0
+bokeh>=2.4.2
+openpyxl>=3.0.10
+
+# if you want to choose gpu for inference, then you should download gpu version of pytorch from https://pytorch.org/
+
+# run the following example command
+# $ pip3 install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121
+
+# then test whether your cuda is available
+# $ python
+# >>>import torch
+# >>>print(torch.cuda.is_available())