• Title/Summary/Keyword: CNN Model

Search Result 974, Processing Time 0.026 seconds

Real-Time Fire Detection Method Using YOLOv8 (YOLOv8을 이용한 실시간 화재 검출 방법)

  • Tae Hee Lee;Chun-Su Park
    • Journal of the Semiconductor & Display Technology
    • /
    • v.22 no.2
    • /
    • pp.77-80
    • /
    • 2023
  • Since fires in uncontrolled environments pose serious risks to society and individuals, many researchers have been investigating technologies for early detection of fires that occur in everyday life. Recently, with the development of deep learning vision technology, research on fire detection models using neural network backbones such as Transformer and Convolution Natural Network has been actively conducted. Vision-based fire detection systems can solve many problems with physical sensor-based fire detection systems. This paper proposes a fire detection method using the latest YOLOv8, which improves the existing fire detection method. The proposed method develops a system that detects sparks and smoke from input images by training the Yolov8 model using a universal fire detection dataset. We also demonstrate the superiority of the proposed method through experiments by comparing it with existing methods.

  • PDF

Hybrid Approach Combining Deep Learning and Rule-Based Model for Automatic IPC Classification of Patent Documents (딥러닝-규칙기반 병행 모델을 이용한 특허문서의 자동 IPC 분류 방법)

  • Kim, Yongil;Oh, Yuri;Sim, Woochul;Ko, Bongsoo;Lee, Bonggun
    • Annual Conference on Human and Language Technology
    • /
    • 2019.10a
    • /
    • pp.347-350
    • /
    • 2019
  • 인공지능 관련 기술의 발달로 다양한 분야에서 인공지능 활용에 대한 관심이 고조되고 있으며 전문영역에서도 기계학습 기법을 활용한 연구들이 활발하게 이루어지고 있다. 특허청에서는 분야별 전문지식을 가진 분류담당자가 출원되는 모든 특허에 국제특허분류코드(이하 IPC) 부여 작업을 수행하고 있다. IPC 분류와 같은 전문적인 업무영역에서 딥러닝을 활용한 자동 IPC 분류 서비스를 제공하기 위해서는 기계학습을 이용하는 분류 모델에 분야별 전문지식을 직관적으로 반영하는 것이 필요하다. 이를 위해 본 연구에서는 딥러닝 기반의 IPC 분류 모델과 전문지식이 반영된 분류별 어휘사전을 활용한 규칙기반 분류 모델을 병행하여 특허문서의 IPC분류를 자동으로 추천하는 방법을 제안한다.

  • PDF

Development of Image-Based Artificial Intelligence Model to Automate Material Management at Construction Site (공사현장 자재관리 자동화를 위한 영상기반 인공지능 모델개발)

  • Shin, Yoon-soo;Kim, Junhee
    • Proceedings of the Korean Institute of Building Construction Conference
    • /
    • 2021.11a
    • /
    • pp.221-222
    • /
    • 2021
  • Conventionally, in material management at a construction site, the type, size, and quantity of materials are identified by the eyes of the worker. Labor-intensive material management by manpower is slow, requires a lot of manpower, is prone to errors, and has limitations in that computerization of information on the identified types and quantities is additionally required. Therefore, a method that can quickly and accurately determine the type, size, and quantity of materials with a minimum number of workers is required to reduce labor costs at the construction site and improve work efficiency. In this study, we developed an automated convolution neural network(CNN) and computer vision technology-based rebar size and quantity estimation system that can quickly and accurately determine the type, size, and quantity of materials through images.

  • PDF

Development of Deep Learning-Based House-Tree-Person Test Analysis Model (딥러닝 기반 집-나무-사람 검사 분석 모델의 개발)

  • Cho, Seung-Je;Cho, Geon-Woo;Kim, Young-wook
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.11a
    • /
    • pp.558-561
    • /
    • 2021
  • 심리학에서 사람의 심리 상태를 알아보기 위해 사용되는 검사 방법 중, 집-나무-사람 검사(HTP Test)는 피실험자가 그린 집, 나무, 사람을 포함하는 그림을 사용하여 피실험자의 심리를 분석하는 투영 검사법이다. 본 논문에서는 딥러닝 모델을 이용해 HTP Test 에 사용되는 그림을 분석하는 시스템을 제안하며, 성능 평가를 통해 심리학에서의 딥러닝 모델 적용 가능성을 확인한다. 또한 그림 데이터 분석에 적합한 사전 훈련 모델을 개발하기 위해, ImageNet 과 스케치 데이터셋으로 사전 훈련하여 성능을 비교한다. 본 논문에서 제안하는 시스템은 크게 감정 분석을 위한 이미지 객체 추출부, 추출된 객체로 피실험자의 감정을 분류하는 감정 분류부로 구성되어 있다. 객체 추출과 이미지 분류 모두 CNN(Convolution Neural Network) 기반의 딥러닝 모델을 사용하며, 이미지 분류 모델은 서로 다른 데이터셋으로 모델을 사전 훈련한 후, 훈련 데이터셋으로 전이 학습하여 모델의 성능을 비교한다. 그림 심리 분석을 위한 HTP test 스케치 데이터셋은, HTP Test 와 동일하게 피실험자가 3 개 클래스의 집, 나무, 사람의 그림을 그려 자체 수집하였다.

A Study on Data Augmentation based on Mixup Algorithm for MLP Model (MLP 모델을 위한 Mixup 알고리즘 기반의 Data Augmentation에 관한 연구)

  • Hyun, Sun-young;Kim, Pil-song;Hwang, Seong-yeon;Ha, Young-guk
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.11a
    • /
    • pp.694-696
    • /
    • 2021
  • 본 논문에서는 CNN 모델에서 학습에 사용할 이미지 데이터를 늘리기 위해 사용되는 Mixup 알고리즘을 MLP 모델에 사용하는 데이터셋에 적용하여 data augmentation 효과를 얻을 수 있는 지에 대한 테스트를 수행했다. 테스트 결과 MLP 모델에 사용할 데이터셋에도 Mixup 알고리즘으로 data augmentation 효과를 기대할 수 있음을 보여준다.

Plant leaf area estimation using synthetic dataset and deep learning model (합성 데이터셋과 딥러닝 모델을 이용한 식물 엽면적 추정)

  • Suh, Hyun Kwon;Ahn, Juyeon;Park, Hyeonji
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2022.06a
    • /
    • pp.90-92
    • /
    • 2022
  • 이 논문에서는 합성된 애기장대 데이터셋을 활용하여 딸기의 엽면적을 추정할 수 있는 딥러닝 모델을 제안한다. 제안된 모델에서는 개별 잎 검출을 위하여 합성 데이터셋으로 학습된 Mask R-CNN 의 객체 검출 모델을 사용하였고, 이어 이미지 후처리 작업에 해당되는 모폴로지 연산의 침식 및 팽창, 픽셀 카운터를 통해 엽면적을 추정하였다. 각기 다른 역할을 수행하는 신경망 계층에 어텐션 메커니즘 적용하여 검출 성능의 향상과 검출 시간을 단축하였다. 제안된 모델은 딸기 데이터셋을 사용하지 않는 합성된 데이터셋만으로도 실제 온실에서 획득한 다양한 이미지에서의 딸기 엽면적을 추정하는 데에 우수한 성능을 보여준다.

  • PDF

A Study on the Performance Improvement of the SASRec Recommendation Model by Optimizing the Hyperparameters (하이퍼파라미터 최적화를 통한 SASRec 추천 모델 성능 개선 연구)

  • Da-Hun Seong;Yujin Lim
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2023.05a
    • /
    • pp.657-659
    • /
    • 2023
  • 최근 스마트폰과 같은 디지털 기기의 보급과 함께 개인화, 맞춤형 서비스의 수요가 늘어나면서 추천 서비스가 주목을 받고 있다. 세션 기반(Session based) 추천 시스템은 사용자의 아이템 선호에 따른 순서 정보를 고려한 학습 추천 모델로, 다양한 산업 분야에서 사용되고 있다. 세션 기반 추천 시스템 중 SASRec(Self-Attentive Sequential Recommendation) 모델은 MC/CNN/RNN 기반의 기존 여러 순차 모델들에 비하여 효율적인 성능을 보인다. 본 연구에서는 SASRec 모델의 하이퍼파라미터 중 배치 사이즈(Batch Size), 학습률 (Learning Rate), 히든 유닛(Hidden Unit)을 조정하여 실험함으로써 하이퍼파라미터에 의한 성능 변화를 분석하였다.

A novel MobileNet with selective depth multiplier to compromise complexity and accuracy

  • Chan Yung Kim;Kwi Seob Um;Seo Weon Heo
    • ETRI Journal
    • /
    • v.45 no.4
    • /
    • pp.666-677
    • /
    • 2023
  • In the last few years, convolutional neural networks (CNNs) have demonstrated good performance while solving various computer vision problems. However, since CNNs exhibit high computational complexity, signal processing is performed on the server side. To reduce the computational complexity of CNNs for edge computing, a lightweight algorithm, such as a MobileNet, is proposed. Although MobileNet is lighter than other CNN models, it commonly achieves lower classification accuracy. Hence, to find a balance between complexity and accuracy, additional hyperparameters for adjusting the size of the model have recently been proposed. However, significantly increasing the number of parameters makes models dense and unsuitable for devices with limited computational resources. In this study, we propose a novel MobileNet architecture, in which the number of parameters is adaptively increased according to the importance of feature maps. We show that our proposed network achieves better classification accuracy with fewer parameters than the conventional MobileNet.

A Development of Application for Realtime Tracking Plogging based on Deep Learning Model (딥러닝 모델을 활용한 실시간 플로깅 트래킹 어플리케이션 개발)

  • In-Hye Yoo;Da-Bin Kim;Jung-Yeon Park;Jung-Been Lee
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2023.11a
    • /
    • pp.434-435
    • /
    • 2023
  • 사회 환경적 운동의 하나인 플로깅(Plogging)은 조깅을 하며 길거리의 쓰레기를 줍는 행위를 소셜 네트워크 서비스(SNS) 등에 기록하는 사회 환경적 운동의 일환이다. 그러나, 활동 지역이나 쓰레기의 종류 및 양 등을 직접 입력해야 하는 불편함으로 인해 이러한 활동의 확대를 저해할 수도 있다. 본 연구는 이러한 활동 기록를 자동으로 트래킹하고 기록할 수 있는 딥러닝 기반의 플로깅 트래핑어플리케이션을 개발하였다. CNN과 YOLOv5를 사용하여 학습된 이미지 인식 모델은 높은 성능으로 쓰레기의 종류와 양을 인식하였다. 이를 통해 사용자는 더욱 편리하게 플로깅 활동을 기록할 수 있었으며, 수거한 쓰레기의 양이나 활동 거리를 활용한 리워딩 시스템으로 사용자 간의 건전한 경쟁을 유도하는데 활용할 수 있다.

Forecasting realized volatility using data normalization and recurrent neural network

  • Yoonjoo Lee;Dong Wan Shin;Ji Eun Choi
    • Communications for Statistical Applications and Methods
    • /
    • v.31 no.1
    • /
    • pp.105-127
    • /
    • 2024
  • We propose recurrent neural network (RNN) methods for forecasting realized volatility (RV). The data are RVs of ten major stock price indices, four from the US, and six from the EU. Forecasts are made for relative ratio of adjacent RVs instead of the RV itself in order to avoid the out-of-scale issue. Forecasts of RV ratios distribution are first constructed from which those of RVs are computed which are shown to be better than forecasts constructed directly from RV. The apparent asymmetry of RV ratio is addressed by the Piecewise Min-max (PM) normalization. The serial dependence of the ratio data renders us to consider two architectures, long short-term memory (LSTM) and gated recurrent unit (GRU). The hyperparameters of LSTM and GRU are tuned by the nested cross validation. The RNN forecast with the PM normalization and ratio transformation is shown to outperform other forecasts by other RNN models and by benchmarking models of the AR model, the support vector machine (SVM), the deep neural network (DNN), and the convolutional neural network (CNN).