• 제목/요약/키워드: object detection

검색결과 2,458건 처리시간 0.039초

Bounding Box CutMix와 표준화 거리 기반의 IoU를 통한 재활용품 탐지 (Recyclable Objects Detection via Bounding Box CutMix and Standardized Distance-based IoU)

  • 이해진;정희철
    • 대한임베디드공학회논문지
    • /
    • 제17권5호
    • /
    • pp.289-296
    • /
    • 2022
  • In this paper, we developed a deep learning-based recyclable object detection model. The model is developed based on YOLOv5 that is a one-stage detector. The deep learning model detects and classifies the recyclable object into 7 categories: paper, carton, can, glass, pet, plastic, and vinyl. We propose two methods for recyclable object detection models to solve problems during training. Bounding Box CutMix solved the no-objects training images problem of Mosaic, a data augmentation used in YOLOv5. Standardized Distance-based IoU replaced DIoU using a normalization factor that is not affected by the center point distance of the bounding boxes. The recyclable object detection model showed a final mAP performance of 0.91978 with Bounding Box CutMix and 0.91149 with Standardized Distance-based IoU.

Simple Online Multiple Human Tracking based on LK Feature Tracker and Detection for Embedded Surveillance

  • Vu, Quang Dao;Nguyen, Thanh Binh;Chung, Sun-Tae
    • 한국멀티미디어학회논문지
    • /
    • 제20권6호
    • /
    • pp.893-910
    • /
    • 2017
  • In this paper, we propose a simple online multiple object (human) tracking method, LKDeep (Lucas-Kanade feature and Detection based Simple Online Multiple Object Tracker), which can run in fast online enough on CPU core only with acceptable tracking performance for embedded surveillance purpose. The proposed LKDeep is a pragmatic hybrid approach which tracks multiple objects (humans) mainly based on LK features but is compensated by detection on periodic times or on necessity times. Compared to other state-of-the-art multiple object tracking methods based on 'Tracking-By-Detection (TBD)' approach, the proposed LKDeep is faster since it does not have to detect object on every frame and it utilizes simple association rule, but it shows a good object tracking performance. Through experiments in comparison with other multiple object tracking (MOT) methods using the public DPM detector among online state-of-the-art MOT methods reported in MOT challenge [1], it is shown that the proposed simple online MOT method, LKDeep runs faster but with good tracking performance for surveillance purpose. It is further observed through single object tracking (SOT) visual tracker benchmark experiment [2] that LKDeep with an optimized deep learning detector can run in online fast with comparable tracking performance to other state-of-the-art SOT methods.

SURF와 Label Cluster를 이용한 이동형 카메라에서 동적물체 추출 (Moving Object Detection Using SURF and Label Cluster Update in Active Camera)

  • 정용한;박은수;이형호;왕덕창;허욱열;김학일
    • 제어로봇시스템학회논문지
    • /
    • 제18권1호
    • /
    • pp.35-41
    • /
    • 2012
  • This paper proposes a moving object detection algorithm for active camera system that can be applied to mobile robot and intelligent surveillance system. Most of moving object detection algorithms based on a stationary camera system. These algorithms used fixed surveillance system that does not consider the motion of the background or robot tracking system that track pre-learned object. Unlike the stationary camera system, the active camera system has a problem that is difficult to extract the moving object due to the error occurred by the movement of camera. In order to overcome this problem, the motion of the camera was compensated by using SURF and Pseudo Perspective model, and then the moving object is extracted efficiently using stochastic Label Cluster transport model. This method is possible to detect moving object because that minimizes effect of the background movement. Our approach proves robust and effective in terms of moving object detection in active camera system.

이종 알고리즘을 융합한 다중 이동객체 검출 (Multiple Moving Object Detection Using Different Algorithms)

  • 허성남;손현식;문병인
    • 한국통신학회논문지
    • /
    • 제40권9호
    • /
    • pp.1828-1836
    • /
    • 2015
  • 객체 추적 알고리즘들은 객체 인식 결과를 이용한 관심영역 설정을 통해 영상 전체에 대한 연산이 수행되는 것을 방지하여 연산량을 줄일 수 있다. 따라서 객체 인식 알고리즘의 정확한 객체 검출은 객체 추적에서 매우 중요한 과정이다. 고정된 카메라를 기반으로 하여 이동하는 객체를 검출 하는 방법으로 배경 차 알고리즘이 널리 사용되어왔고 많은 연구에 의해 배경 모델링 방법이 개선되면서 배경 차 알고리즘의 성능이 개선되었으나 여전히 정확하지 못한 배경 모델링에 의한 객체 오검출의 문제를 가진다. 이에 본 논문에서는 제스쳐 인식에 주로 사용되는 모션 히스토리 이미지 알고리즘을 배경 차 알고리즘과 융합하여 기존의 배경 차 알고리즘이 가지는 문제점을 극복할 수 있는 다중 이동객체 검출 알고리즘을 제안한다. 제안하는 알고리즘은 융합 과정 추가로 수행시간이 다소 길어지나 실시간성을 만족하며 기존의 배경 차 알고리즘에 비해 높은 정확도를 가짐을 실험을 통해 확인하였다.

TensorRT와 SSD를 이용한 실시간 얼굴 검출방법 (Real Time Face detection Method Using TensorRT and SSD)

  • 유혜빈;박명숙;김상훈
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제9권10호
    • /
    • pp.323-328
    • /
    • 2020
  • 최근에는 딥러닝 기술을 이용하여 물체 검출 및 인식에서 성능이 크게 향상되는 새로운 접근방법들이 빠르게 제안되고 있다. 객체, 특히 얼굴객체 검출에 관한 여러 기법(Faster R-CNN, R-CNN, YOLO, SSD 등) 중 SSD는 다른 기법들보다 정확도와 속도에서 우수하다. 동시에 여러 객체 검출 네트워크들(object detection network)도 쉽게 이용할 수 있다. 본 논문에서는 객체 검출 네트워크 중 Mobilenet v2 network를 이용하고 SSD와 결합한 모델을 훈련하고, TensorRT engine을 이용하여 기존의 성능보다 4배 이상의 속도로 객체를 검출하는 방법에 대해 제안하고 실험을 통해 성능을 검증한다. 제안한 방법의 성능 검증을 위한 응용으로 얼굴객체 검출기(facial object detector)를 만들어 다양한 상황에서 동작과 성능을 실험하였다.

복소수 ResNet 네트워크 기반의 SAR 영상 물체 인식 알고리즘 (A Complex Valued ResNet Network Based Object Detection Algorithm in SAR Images)

  • 황인수
    • 한국군사과학기술학회지
    • /
    • 제24권4호
    • /
    • pp.392-400
    • /
    • 2021
  • Unlike optical equipment, SAR(Synthetic Aperture Radar) has the advantage of obtaining images in all weather, and object detection in SAR images is an important issue. Generally, deep learning-based object detection was mainly performed in real-valued network using only amplitude of SAR image. Since the SAR image is complex data consist of amplitude and phase data, a complex-valued network is required. In this paper, a complex-valued ResNet network is proposed. SAR image object detection was performed by combining the ROI transformer detector specialized for aerial image detection and the proposed complex-valued ResNet. It was confirmed that higher accuracy was obtained in complex-valued network than in existing real-valued network.

계층적 군집화 기반 Re-ID를 활용한 객체별 행동 및 표정 검출용 영상 분석 시스템 (Video Analysis System for Action and Emotion Detection by Object with Hierarchical Clustering based Re-ID)

  • 이상현;양성훈;오승진;강진범
    • 지능정보연구
    • /
    • 제28권1호
    • /
    • pp.89-106
    • /
    • 2022
  • 최근 영상 데이터의 급증으로 이를 효과적으로 처리하기 위해 객체 탐지 및 추적, 행동 인식, 표정 인식, 재식별(Re-ID)과 같은 다양한 컴퓨터비전 기술에 대한 수요도 급증했다. 그러나 객체 탐지 및 추적 기술은 객체의 영상 촬영 장소 이탈과 재등장, 오클루전(Occlusion) 등과 같이 성능을 저하시키는 많은 어려움을 안고 있다. 이에 따라 객체 탐지 및 추적 모델을 근간으로 하는 행동 및 표정 인식 모델 또한 객체별 데이터 추출에 난항을 겪는다. 또한 다양한 모델을 활용한 딥러닝 아키텍처는 병목과 최적화 부족으로 성능 저하를 겪는다. 본 연구에서는 YOLOv5기반 DeepSORT 객체추적 모델, SlowFast 기반 행동 인식 모델, Torchreid 기반 재식별 모델, 그리고 AWS Rekognition의 표정 인식 모델을 활용한 영상 분석 시스템에 단일 연결 계층적 군집화(Single-linkage Hierarchical Clustering)를 활용한 재식별(Re-ID) 기법과 GPU의 메모리 스루풋(Throughput)을 극대화하는 처리 기법을 적용한 행동 및 표정 검출용 영상 분석 시스템을 제안한다. 본 연구에서 제안한 시스템은 간단한 메트릭을 사용하는 재식별 모델의 성능보다 높은 정확도와 실시간에 가까운 처리 성능을 가지며, 객체의 영상 촬영 장소 이탈과 재등장, 오클루전 등에 의한 추적 실패를 방지하고 영상 내 객체별 행동 및 표정 인식 결과를 동일 객체에 지속적으로 연동하여 영상을 효율적으로 분석할 수 있다.

비디오 Object Detection에서의 연산량 감소를 위한 방법 (Method for reducing computational amount in video object detection)

  • 김도영;강인영;김연수;최진원;박구만
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2021년도 추계학술발표대회
    • /
    • pp.723-726
    • /
    • 2021
  • 현재 단일 이미지에서 Object Detection 성능은 매우 좋은 편이다. 하지만 동영상에서는 처리 속도가 너무 느리고 임베디드 시스템에서는 real-time이 힘든 상황이다. 연구 논문에서는 하이엔드 GPU에서 다른 기능 없이 YOLO만 구동했을 때 real-time이 가능하다고 하지만 실제 사용자들은 상대적으로 낮은 사양의 GPU를 사용하거나 CPU를 사용하기 때문에 일반적으로는 자연스러운 real-time을 하기가 힘들다. 본 논문에서는 이러한 제한점을 해결하고자 계산량이 많은 Object Detection model 사용을 줄이는 방안은 제시하였다. 현재 Video영상에서 Object Detection을 수행할 때 매 frame마다 YOLO모델을 구동하는 것에서 YOLO 사용을 줄임으로써 계산 효율을 높였다. 본 논문의 알고리즘은 카메라가 움직이거나 배경이 바뀌는 상황에서도 사용이 가능하다. 속도는 최소2배에서 ~10배이상까지 개선되었다.

YOLOv5를 이용한 객체 이중 탐지 방법 (Object Double Detection Method using YOLOv5)

  • 도건우;김민영;장시웅
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 추계학술대회
    • /
    • pp.54-57
    • /
    • 2022
  • 대한민국은 산불의 위험으로부터 취약한 환경을 가지고 있으며, 이로 인해 매년 큰 피해가 발생하고 있다. 이를 예방하기 위해 많은 인력을 활용하고 있으나 효과가 미흡한 실정이다. 만약 인공지능 기술을 통해 산불을 조기 발견해 진화된다면 재산 및 인명피해를 막을 수 있다. 본 논문에서는 산불의 피해를 최소화하기 위한 오브젝트 디텍션 모델을 제작하는 과정에서 발생하는 데이터 수집과 가공 과정을 최소화하는 목표로 한 객체 이중 탐지 방법을 연구했다. YOLOv5에서 한정된 이미지를 학습한 단일 모델을 통해 일차적으로 원본 이미지를 탐지하고, 원본 이미지에서 탐지된 객체를 Crop을 통해 잘라낸다. 이렇게 잘린 이미지를 재탐지하는 객체 이중 탐지 방법을 통해 오 탐지 객체 탐지율의 개선 가능성을 확인했다.

  • PDF

DeepSDO: Solar event detection using deep-learning-based object detection methods

  • Baek, Ji-Hye;Kim, Sujin;Choi, Seonghwan;Park, Jongyeob;Kim, Jihun;Jo, Wonkeum;Kim, Dongil
    • 천문학회보
    • /
    • 제46권2호
    • /
    • pp.46.2-46.2
    • /
    • 2021
  • We present solar event auto detection using deep-learning-based object detection algorithms and DeepSDO event dataset. DeepSDO event dataset is a new detection dataset with bounding boxed as ground-truth for three solar event (coronal holes, sunspots and prominences) features using Solar Dynamics Observatory data. To access the reliability of DeepSDO event dataset, we compared to HEK data. We train two representative object detection models, the Single Shot MultiBox Detector (SSD) and the Faster Region-based Convolutional Neural Network (R-CNN) with DeepSDO event dataset. We compared the performance of the two models for three solar events and this study demonstrates that deep learning-based object detection can successfully detect multiple types of solar events. In addition, we provide DeepSDO event dataset for further achievements event detection in solar physics.

  • PDF