shreyanshu09 commited on
Commit
279d763
1 Parent(s): 0d46e55

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +9 -7
README.md CHANGED
@@ -1,5 +1,4 @@
1
  ---
2
- license: mit
3
  tags:
4
  - YOLOv5
5
  - Object-Detection
@@ -15,6 +14,7 @@ It was introduced in the paper **"Unveiling the Power of Integration: Block Diag
15
  This model is trained using an object detection model based on YOLOv5, which offers essential capabilities for detecting various objects in an image. Using the CBD, FCA, and FCB dataset, which includes annotations for different shapes and arrows in a diagram, we train the model to recognize six labels: arrow, terminator, process, decision, data, and text.
16
 
17
  ## Training dataset
 
18
  - YOLOv5 is fine-tuned with the annotations provided in this [GitHub](https://github.com/shreyanshu09/Block-Diagram-Datasets) repository for symbol detection in block diagrams.
19
  - 396 samples from real-world English block diagram dataset (CBD)
20
  - 357 samples from handwritten English block diagram dataset (FC_A)
@@ -30,9 +30,6 @@ import os
30
  from pathlib import Path
31
  import torch
32
 
33
- import sys
34
- sys.path.append('symbol_detection/yolov5')
35
-
36
  from models.common import DetectMultiBackend
37
  from utils.dataloaders import IMG_FORMATS, VID_FORMATS, LoadImages, LoadScreenshots, LoadStreams
38
  from utils.general import LOGGER, Profile, check_file, check_img_size, check_imshow, check_requirements, colorstr, cv2, increment_path, non_max_suppression, print_args, scale_boxes, strip_optimizer, xyxy2xywh
@@ -112,9 +109,9 @@ def run_single_image_inference(model, img_path, stride, names, pt, conf_thres=0.
112
 
113
 
114
  # Weight path
115
- object_detection_output_path = 'symbol_detection/yolov5/runs/detect/exp/labels'
116
- yolo_weights_path = 'symbol_detection/yolov5/runs/train/best_all/weights/best.pt'
117
- yolo_yaml_file = 'symbol_detection/yolov5/data/mydata.yaml'
118
 
119
  yolo_model = load_model(yolo_weights_path, device='cuda:0', dnn=False, data=yolo_yaml_file, fp16=False)
120
  stride, names, pt = yolo_model.stride, yolo_model.names, yolo_model.pt
@@ -125,4 +122,9 @@ labels = run_single_image_inference(yolo_model, image_path, stride, names, pt)
125
  ```
126
 
127
  ## Contact
 
128
  If you have any questions about this work, please contact **[Shreyanshu Bhushan](https://github.com/shreyanshu09)** using the following email addresses: **shreyanshubhushan@gmail.com**.
 
 
 
 
 
1
  ---
 
2
  tags:
3
  - YOLOv5
4
  - Object-Detection
 
14
  This model is trained using an object detection model based on YOLOv5, which offers essential capabilities for detecting various objects in an image. Using the CBD, FCA, and FCB dataset, which includes annotations for different shapes and arrows in a diagram, we train the model to recognize six labels: arrow, terminator, process, decision, data, and text.
15
 
16
  ## Training dataset
17
+
18
  - YOLOv5 is fine-tuned with the annotations provided in this [GitHub](https://github.com/shreyanshu09/Block-Diagram-Datasets) repository for symbol detection in block diagrams.
19
  - 396 samples from real-world English block diagram dataset (CBD)
20
  - 357 samples from handwritten English block diagram dataset (FC_A)
 
30
  from pathlib import Path
31
  import torch
32
 
 
 
 
33
  from models.common import DetectMultiBackend
34
  from utils.dataloaders import IMG_FORMATS, VID_FORMATS, LoadImages, LoadScreenshots, LoadStreams
35
  from utils.general import LOGGER, Profile, check_file, check_img_size, check_imshow, check_requirements, colorstr, cv2, increment_path, non_max_suppression, print_args, scale_boxes, strip_optimizer, xyxy2xywh
 
109
 
110
 
111
  # Weight path
112
+ object_detection_output_path = 'symbol_detection/runs/detect/exp/labels'
113
+ yolo_weights_path = 'symbol_detection/runs/train/best_all/weights/best.pt'
114
+ yolo_yaml_file = 'symbol_detection/data/mydata.yaml'
115
 
116
  yolo_model = load_model(yolo_weights_path, device='cuda:0', dnn=False, data=yolo_yaml_file, fp16=False)
117
  stride, names, pt = yolo_model.stride, yolo_model.names, yolo_model.pt
 
122
  ```
123
 
124
  ## Contact
125
+
126
  If you have any questions about this work, please contact **[Shreyanshu Bhushan](https://github.com/shreyanshu09)** using the following email addresses: **shreyanshubhushan@gmail.com**.
127
+
128
+ ## License
129
+
130
+ The content of this project itself is licensed under the [Attribution-NonCommercial-ShareAlike 4.0 International (CC BY-NC-SA 4.0)](https://creativecommons.org/licenses/by-nc-sa/4.0/).