• Title/Summary/Keyword: tiny object detection

Search Result 21, Processing Time 0.028 seconds

Road Crack Detection based on Object Detection Algorithm using Unmanned Aerial Vehicle Image (드론영상을 이용한 물체탐지알고리즘 기반 도로균열탐지)

  • Kim, Jeong Min;Hyeon, Se Gwon;Chae, Jung Hwan;Do, Myung Sik
    • The Journal of The Korea Institute of Intelligent Transport Systems
    • /
    • v.18 no.6
    • /
    • pp.155-163
    • /
    • 2019
  • This paper proposes a new methodology to recognize cracks on asphalt road surfaces using the image data obtained with drones. The target section was Yuseong-daero, the main highway of Daejeon. Furthermore, two object detection algorithms, such as Tiny-YOLO-V2 and Faster-RCNN, were used to recognize cracks on road surfaces, classify the crack types, and compare the experimental results. As a result, mean average precision of Faster-RCNN and Tiny-YOLO-V2 was 71% and 33%, respectively. The Faster-RCNN algorithm, 2Stage Detection, showed better performance in identifying and separating road surface cracks than the Yolo algorithm, 1Stage Detection. In the future, it will be possible to prepare a plan for building an infrastructure asset-management system using drones and AI crack detection systems. An efficient and economical road-maintenance decision-support system will be established and an operating environment will be produced.

SSD PCB Component Detection Using YOLOv5 Model

  • Pyeoungkee, Kim;Xiaorui, Huang;Ziyu, Fang
    • Journal of information and communication convergence engineering
    • /
    • v.21 no.1
    • /
    • pp.24-31
    • /
    • 2023
  • The solid-state drive (SSD) possesses higher input and output speeds, more resistance to physical shock, and lower latency compared with regular hard disks; hence, it is an increasingly popular storage device. However, tiny components on an internal printed circuit board (PCB) hinder the manual detection of malfunctioning components. With the rapid development of artificial intelligence technologies, automatic detection of components through convolutional neural networks (CNN) can provide a sound solution for this area. This study proposes applying the YOLOv5 model to SSD PCB component detection, which is the first step in detecting defective components. It achieves pioneering state-of-the-art results on the SSD PCB dataset. Contrast experiments are conducted with YOLOX, a neck-and-neck model with YOLOv5; evidently, YOLOv5 obtains an mAP@0.5 of 99.0%, essentially outperforming YOLOX. These experiments prove that the YOLOv5 model is effective for tiny object detection and can be used to study the second step of detecting defective components in the future.

Implementation of Deep Learning-based Label Inspection System Applicable to Edge Computing Environments (엣지 컴퓨팅 환경에서 적용 가능한 딥러닝 기반 라벨 검사 시스템 구현)

  • Bae, Ju-Won;Han, Byung-Gil
    • IEMEK Journal of Embedded Systems and Applications
    • /
    • v.17 no.2
    • /
    • pp.77-83
    • /
    • 2022
  • In this paper, the two-stage object detection approach is proposed to implement a deep learning-based label inspection system on edge computing environments. Since the label printed on the products during the production process contains important information related to the product, it is significantly to check the label information is correct. The proposed system uses the lightweight deep learning model that able to employ in the low-performance edge computing devices, and the two-stage object detection approach is applied to compensate for the low accuracy relatively. The proposed Two-Stage object detection approach consists of two object detection networks, Label Area Detection Network and Character Detection Network. Label Area Detection Network finds the label area in the product image, and Character Detection Network detects the words in the label area. Using this approach, we can detect characters precise even with a lightweight deep learning models. The SF-YOLO model applied in the proposed system is the YOLO-based lightweight object detection network designed for edge computing devices. This model showed up to 2 times faster processing time and a considerable improvement in accuracy, compared to other YOLO-based lightweight models such as YOLOv3-tiny and YOLOv4-tiny. Also since the amount of computation is low, it can be easily applied in edge computing environments.

Object Size Prediction based on Statistics Adaptive Linear Regression for Object Detection (객체 검출을 위한 통계치 적응적인 선형 회귀 기반 객체 크기 예측)

  • Kwon, Yonghye;Lee, Jongseok;Sim, Donggyu
    • Journal of Broadcast Engineering
    • /
    • v.26 no.2
    • /
    • pp.184-196
    • /
    • 2021
  • This paper proposes statistics adaptive linear regression-based object size prediction method for object detection. YOLOv2 and YOLOv3, which are typical deep learning-based object detection algorithms, designed the last layer of a network using statistics adaptive exponential regression model to predict the size of objects. However, an exponential regression model can propagate a high derivative of a loss function into all parameters in a network because of the property of an exponential function. We propose statistics adaptive linear regression layer to ease the gradient exploding problem of the exponential regression model. The proposed statistics adaptive linear regression model is used in the last layer of the network to predict the size of objects with statistics estimated from training dataset. We newly designed the network based on the YOLOv3tiny and it shows the higher performance compared to YOLOv3 tiny on the UFPR-ALPR dataset.

Study on Image Processing Techniques Applying Artificial Intelligence-based Gray Scale and RGB scale

  • Lee, Sang-Hyun;Kim, Hyun-Tae
    • International Journal of Advanced Culture Technology
    • /
    • v.10 no.2
    • /
    • pp.252-259
    • /
    • 2022
  • Artificial intelligence is used in fusion with image processing techniques using cameras. Image processing technology is a technology that processes objects in an image received from a camera in real time, and is used in various fields such as security monitoring and medical image analysis. If such image processing reduces the accuracy of recognition, providing incorrect information to medical image analysis, security monitoring, etc. may cause serious problems. Therefore, this paper uses a mixture of YOLOv4-tiny model and image processing algorithm and uses the COCO dataset for learning. The image processing algorithm performs five image processing methods such as normalization, Gaussian distribution, Otsu algorithm, equalization, and gradient operation. For RGB images, three image processing methods are performed: equalization, Gaussian blur, and gamma correction proceed. Among the nine algorithms applied in this paper, the Equalization and Gaussian Blur model showed the highest object detection accuracy of 96%, and the gamma correction (RGB environment) model showed the highest object detection rate of 89% outdoors (daytime). The image binarization model showed the highest object detection rate at 89% outdoors (night).

Balanced performance for Efficient Small Object Detection YOLOv3-tiny (효율적인 작은 객체 검출을 위한 균형적인 성능의 YOLOv3-tiny)

  • Lee, Kyung-Min;Song, Hyok;Kim, Je Woo;Lin, Chi-Ho
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2018.11a
    • /
    • pp.117-118
    • /
    • 2018
  • 본 논문에서는 작은 객체를 검출하기 위한 수정 된 YOLOv3-tiny 를 제안한다. 컴퓨터 비전에서 작은 객체 검출은 제한된 해상도와 정보로 검출하기 어렵다. 이 문제를 해결하기 위해 기존 방법의 대부분은 높은 정확도 향상을 위해 속도를 희생한다. 본 논문은 정확도와 속도가 균형적인 성능을 통해 빠른 속도로 작은 객체를 검출하는 것을 목표로 한다. 실험은 WIDER FACE 와 자체 수집한 데이터베이스에서 기존 YOLOv3-tiny 보다 높은 87.48% mAP 를 얻었으며, 속도는 각각 100.5FPS 로 YOLOv3-tiny 보다는 느리지만 높은 정확도와 YOLOv3 보다는 빠르지만 낮은 정확도를 통해 균형적인 성능을 얻을 수 있다.

  • PDF

Development of a Real-Time Automatic Passenger Counting System using Head Detection Based on Deep Learning

  • Kim, Hyunduk;Sohn, Myoung-Kyu;Lee, Sang-Heon
    • Journal of Information Processing Systems
    • /
    • v.18 no.3
    • /
    • pp.428-442
    • /
    • 2022
  • A reliable automatic passenger counting (APC) system is a key point in transportation related to the efficient scheduling and management of transport routes. In this study, we introduce a lightweight head detection network using deep learning applicable to an embedded system. Currently, object detection algorithms using deep learning have been found to be successful. However, these algorithms essentially need a graphics processing unit (GPU) to make them performable in real-time. So, we modify a Tiny-YOLOv3 network using certain techniques to speed up the proposed network and to make it more accurate in a non-GPU environment. Finally, we introduce an APC system, which is performable in real-time on embedded systems, using the proposed head detection algorithm. We implement and test the proposed APC system on a Samsung ARTIK 710 board. The experimental results on three public head datasets reflect the detection accuracy and efficiency of the proposed head detection network against Tiny-YOLOv3. Moreover, to test the proposed APC system, we measured the accuracy and recognition speed by repeating 50 instances of entering and 50 instances of exiting. These experimental results showed 99% accuracy and a 0.041-second recognition speed despite the fact that only the CPU was used.

Implementation of Yolov3-tiny Object Detection Deep Learning Model over RISC-V Virtual Platform (RISC-V 가상플랫폼 기반 Yolov3-tiny 물체 탐지 딥러닝 모델 구현)

  • Kim, DoYoung;Seol, Hui-Gwan;Lim, Seung-Ho
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2022.05a
    • /
    • pp.576-578
    • /
    • 2022
  • 딥러닝 기술의 발전으로 객체 인색, 영상 분석에 관한 성능이 비약적으로 발전하였다. 하지만 고성능 GPU 를 사용하는 컴퓨팅 환경이 아닌 제한적인 엣지 디바이스 환경에서의 영상 처리 및 딥러닝 모델의 적용을 위해서는 엣지 디바이스에서 딥러닝 모델 실행 환경 과 이에 대한 분석이 필요하다. 본 논문에서는 RISC-V ISA 를 구현한 RISC-V 가상 플랫폼에 yolov3-tiny 모델 기반 객체 인식 시스템을 소프트웨어 레벨에서 포팅하여 구현하고, 샘플 이미지에 대한 네트워크 딥러닝 연산 및 객체 인식 알고리즘을 적용하여 그 결과를 도출하여 보았다. 본 적용을 바탕으로 RISC-V 기반 임베디드 엣지 디바이스 플랫폼에서 딥러닝 네트워크 연산과 객체 인식 알고리즘의 수행에 대한 분석과 딥러닝 연산 최적화를 위한 알고리즘 연구에 활용할 수 있다.

A Study on Algorithm Selection and Comparison for Improving the Performance of an Artificial Intelligence Product Recognition Automatic Payment System

  • Kim, Heeyoung;Kim, Dongmin;Ryu, Gihwan;Hong, Hotak
    • International Journal of Advanced Culture Technology
    • /
    • v.10 no.1
    • /
    • pp.230-235
    • /
    • 2022
  • This study is to select an optimal object detection algorithm for designing a self-checkout counter to improve the inconvenience of payment systems for products without existing barcodes. To this end, a performance comparison analysis of YOLO v2, Tiny YOLO v2, and the latest YOLO v5 among deep learning-based object detection algorithms was performed to derive results. In this paper, performance comparison was conducted by forming learning data as an example of 'donut' in a bakery store, and the performance result of YOLO v5 was the highest at 96.9% of mAP. Therefore, YOLO v5 was selected as the artificial intelligence object detection algorithm to be applied in this paper. As a result of performance analysis, when the optimal threshold was set for each donut, the precision and reproduction rate of all donuts exceeded 0.85, and the majority of donuts showed excellent recognition performance of 0.90 or more. We expect that the results of this paper will be helpful as the fundamental data for the development of an automatic payment system using AI self-service technology that is highly usable in the non-face-to-face era.

Proposal for License Plate Recognition Using Synthetic Data and Vehicle Type Recognition System (가상 데이터를 활용한 번호판 문자 인식 및 차종 인식 시스템 제안)

  • Lee, Seungju;Park, Gooman
    • Journal of Broadcast Engineering
    • /
    • v.25 no.5
    • /
    • pp.776-788
    • /
    • 2020
  • In this paper, a vehicle type recognition system using deep learning and a license plate recognition system are proposed. In the existing system, the number plate area extraction through image processing and the character recognition method using DNN were used. These systems have the problem of declining recognition rates as the environment changes. Therefore, the proposed system used the one-stage object detection method YOLO v3, focusing on real-time detection and decreasing accuracy due to environmental changes, enabling real-time vehicle type and license plate character recognition with one RGB camera. Training data consists of actual data for vehicle type recognition and license plate area detection, and synthetic data for license plate character recognition. The accuracy of each module was 96.39% for detection of car model, 99.94% for detection of license plates, and 79.06% for recognition of license plates. In addition, accuracy was measured using YOLO v3 tiny, a lightweight network of YOLO v3.