• 제목/요약/키워드: Deep neural network (DNN)

검색결과 262건 처리시간 0.023초

비파괴 지능형 과일 당도 자동 측정 시스템 구현 (Implemented of non-destructive intelligent fruit Brix(sugar content) automatic measurement system)

  • 이덕규;엄진섭
    • 센서학회지
    • /
    • 제29권6호
    • /
    • pp.433-439
    • /
    • 2020
  • Recently, the need for IoT-based intelligent systems is increasing in various fields. In this study, we implemented the system that automatically measures the sugar content of fruits without damage to fruit's marketability using near-infrared radiation and machine learning. The spectrums were measured several times by passing a broadband near-infrared light through a fruit, and the average value for them was used as the input raw data of the machine-learned DNN(Deep Neural Network). Using this system, he sugar content value of fruits could be predicted within 5 s, and the prediction accuracy was about 93.86%. The proposed non-destructive sugar content measurement system can predict a relatively accurate sugar content value within a short period of time, so it is considered to have sufficient potential for practical use.

CNN 모델의 최적 양자화를 위한 웹 서비스 플랫폼 (Web Service Platform for Optimal Quantization of CNN Models)

  • 노재원;임채민;조상영
    • 반도체디스플레이기술학회지
    • /
    • 제20권4호
    • /
    • pp.151-156
    • /
    • 2021
  • Low-end IoT devices do not have enough computation and memory resources for DNN learning and inference. Integer quantization of real-type neural network models can reduce model size, hardware computational burden, and power consumption. This paper describes the design and implementation of a web-based quantization platform for CNN deep learning accelerator chips. In the web service platform, we implemented visualization of the model through a convenient UI, analysis of each step of inference, and detailed editing of the model. Additionally, a data augmentation function and a management function of files that store models and inference intermediate results are provided. The implemented functions were verified using three YOLO models.

동영상 기반 감정인식을 위한 DNN 구조 (Deep Neural Network Architecture for Video - based Facial Expression Recognition)

  • 이민규;최준호;송병철
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2019년도 하계학술대회
    • /
    • pp.35-37
    • /
    • 2019
  • 최근 딥 러닝의 급격한 발전과 함께 얼굴표정인식 기술이 상당한 진보를 이루었다. 그러나 기존 얼굴표정인식 기법들은 제한된 환경에서 취득한 인위적인 동영상에 대해 주로 개발되었기 때문에 실제 wild 한 환경에서 취득한 동영상에 대해 강인하게 동작하지 않을 수 있다. 이런 문제를 해결하기 위해 3D CNN, 2D CNN 그리고 RNN 의 새로운 결합으로 이루어진 Deep neural network 구조를 제안한다. 제안 네트워크는 주어진 동영상으로부터 두 가지 서로 다른 CNN 을 통해서 영상 내 공간적 정보뿐만 아니라 시간적 정보를 담고 있는 특징 벡터를 추출할 수 있다. 그 다음, RNN 이 시간 도메인 학습을 수행할 뿐만 아니라 상기 네트워크들에서 추출된 특징 벡터들을 융합한다. 상기 기술들이 유기적으로 연동하는 제안된 네트워크는 대표적인 wild 한 공인 데이터세트인 AFEW 로 실험한 결과 49.6%의 정확도로 종래 기법 대비 향상된 성능을 보인다.

  • PDF

Faults detection and identification for gas turbine using DNN and LLM

  • Oliaee, Seyyed Mohammad Emad;Teshnehlab, Mohammad;Shoorehdeli, Mahdi Aliyari
    • Smart Structures and Systems
    • /
    • 제23권4호
    • /
    • pp.393-403
    • /
    • 2019
  • Applying more features gives us better accuracy in modeling; however, increasing the inputs causes the curse of dimensions. In this paper, a new structure has been proposed for fault detecting and identifying (FDI) of high-dimensional systems. This structure consist of two structure. The first part includes Auto-Encoders (AE) as Deep Neural Networks (DNNs) to produce feature engineering process and summarize the features. The second part consists of the Local Model Networks (LMNs) with LOcally LInear MOdel Tree (LOLIMOT) algorithm to model outputs (multiple models). The fault detection is based on these multiple models. Hence the residuals generated by comparing the system output and multiple models have been used to alarm the faults. To show the effectiveness of the proposed structure, it is tested on single-shaft industrial gas turbine prototype model. Finally, a brief comparison between the simulated results and several related works is presented and the well performance of the proposed structure has been illustrated.

Merlin 툴킷을 이용한 한국어 TTS 시스템의 심층 신경망 구조 성능 비교 (Performance comparison of various deep neural network architectures using Merlin toolkit for a Korean TTS system)

  • 홍준영;권철홍
    • 말소리와 음성과학
    • /
    • 제11권2호
    • /
    • pp.57-64
    • /
    • 2019
  • 본 논문에서는 음성 합성을 위한 오픈소스 시스템인 Merlin 툴킷을 이용하여 한국어 TTS 시스템을 구성한다. TTS 시스템에서 HMM 기반의 통계적 음성 합성 방식이 널리 사용되고 있는데, 이 방식에서 문맥 요인을 포함시키는 음향 모델링 구성의 한계로 합성 음성의 품질이 저하된다고 알려져 있다. 본 논문에서는 여러 분야에서 우수한 성능을 보여 주는 심층 신경망 기법을 적용하는 음향 모델링 아키텍처를 제안한다. 이 구조에는 전연결 심층 피드포워드 신경망, 순환 신경망, 게이트 순환 신경망, 단방향 장단기 기억 신경망, 양방향 장단기 기억 신경망 등이 포함되어 있다. 실험 결과, 문맥을 고려하는 시퀀스 모델을 아키텍처에 포함하는 것이 성능 개선에 유리하다는 것을 알 수 있고, 장단기 기억 신경망을 적용한 아키텍처가 가장 좋은 성능을 보여주었다. 그리고 음향 특징 파라미터에 델타와 델타-델타 성분을 포함하는 것이 성능 개선에 유리하다는 결과가 도출되었다.

천연가스 누출 예측을 위한 OrdinalEncoder 기반 DNN (OrdinalEncoder based DNN for Natural Gas Leak Prediction)

  • 홍고르출;이상무;김미혜
    • 한국융합학회논문지
    • /
    • 제10권10호
    • /
    • pp.7-13
    • /
    • 2019
  • 대부분의 천연가스(NG)는 공기 중으로 누출 되며 그중에서도 메탄가스의 누출은 기후에 많은 영향을 준다. 미국 도시의 거리에서 메탄가스 누출 데이터를 수집하였다. 본 논문은 메탄가스누출 정도를 예측하는 딥러닝(Deep Neural Network)방법을 제안하였으며 제안된 방법은 OrdinalEncoder(OE) 기반 K-means clustering과 Multilayer Perceptron(MLP)을 활용하였다. 15개의 특징을 입력뉴런과 오류역전파 알고리즘을 적용하였다. 데이터는 실제 미국의 거리에서 누출되는 메탄가스농도 오픈데이터를 활용하여 진행하였다. 우리는 OE 기반 K-means알고리즘을 적용하여 데이터를 레이블링 하였고 NG누출 예측을 위한 정규화 방법 OE, MinMax, Standard, MaxAbs. Quantile 5가지 방법을 실험하였다. 그 결과 OE 기반 MLP의 인식률이 97.7%, F1-score 96.4%이며 다른 방법보다 상대적으로 높은 인식률을 보였다. 실험은 SPSS 및 Python으로 구현하였으며 실제오픈 데이터를 활용하여 실험하였다.

Applying Deep Reinforcement Learning to Improve Throughput and Reduce Collision Rate in IEEE 802.11 Networks

  • Ke, Chih-Heng;Astuti, Lia
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제16권1호
    • /
    • pp.334-349
    • /
    • 2022
  • The effectiveness of Wi-Fi networks is greatly influenced by the optimization of contention window (CW) parameters. Unfortunately, the conventional approach employed by IEEE 802.11 wireless networks is not scalable enough to sustain consistent performance for the increasing number of stations. Yet, it is still the default when accessing channels for single-users of 802.11 transmissions. Recently, there has been a spike in attempts to enhance network performance using a machine learning (ML) technique known as reinforcement learning (RL). Its advantage is interacting with the surrounding environment and making decisions based on its own experience. Deep RL (DRL) uses deep neural networks (DNN) to deal with more complex environments (such as continuous state spaces or actions spaces) and to get optimum rewards. As a result, we present a new approach of CW control mechanism, which is termed as contention window threshold (CWThreshold). It uses the DRL principle to define the threshold value and learn optimal settings under various network scenarios. We demonstrate our proposed method, known as a smart exponential-threshold-linear backoff algorithm with a deep Q-learning network (SETL-DQN). The simulation results show that our proposed SETL-DQN algorithm can effectively improve the throughput and reduce the collision rates.

PM10 예측 성능 향상을 위한 농도별 예측 모델 설계 (Prediction Model Design by Concentration Type for Improving PM10 Prediction Performance)

  • 조경우;정용진;오창헌
    • 한국항행학회논문지
    • /
    • 제25권6호
    • /
    • pp.576-581
    • /
    • 2021
  • 고농도의 경우 저농도와 비교하였을 때, 발생 빈도수의 차이와 발생 환경에 대한 차이로 예측 성능의 한계를 두드러지게 보이고 있다. 이러한 문제를 해결하기 위해 본 논문에서는 인공신경망 알고리즘을 이용하여 저농도와 고농도로 분류하고 구분된 농도별로 특성을 학습시킨 두 가지 예측 모델을 통해 예측을 수행하는 모델을 제안하였다. 저농도와 고농도를 분류하기 위해 DNN 기반의 분류 모델을 설계하고 분류모델을 통해 구분된 저농도와 고농도를 기준으로 농도별 특성을 반영하기 위한 저농도 예측 모델과 고농도 예측 모델을 설계하였다. 농도별 예측 모델의 성능 평가 결과, 저농도 예측 정확도가 90.38%, 고농도 예측 정확도는 96.37% 의 예측 정확도를 보였다.

심층 신경망을 이용한 TBM 데이터 기반의 굴착 지반 예측 연구 (A TBM data-based ground prediction using deep neural network)

  • 김태환;곽노상;김택곤;정사범;고태영
    • 한국터널지하공간학회 논문집
    • /
    • 제23권1호
    • /
    • pp.13-24
    • /
    • 2021
  • 암반 및 연약지반을 포함한 다양한 지반 조건에서 TBM (Tunnel Boring Machine) 터널링이 활용되고 있다. 굴착 성능을 높이기 위해서 지반 조건에 따라 최적으로 장비를 운영해야 하며, 이를 통해 공기단축을 통한 비용 절감 효과를 기대할 수 있다. 하지만 시추 조사를 통해 획득한 지반 정보는 시추공 사이 불확실성이 존재하므로, 실시간 최적 운전에 부족함이 있다. 본 연구에서는 지반의 불확실성 문제를 해결하고자 5초마다 기록된 TBM 데이터를 활용하여 굴착 지반 예측시스템을 구축하고자 한다. 싱가포르 현장에서 획득한 화강암의 풍화도를 고려하여 암반, 토사, 복합지반 세 가지로 지질로 재분류하였고, 실시간으로 도출되는 기계 데이터로 이를 예측하고자 한다. 현장에서 획득한 TBM 데이터에 대해 이상치 제거, 정규화, 특성 추출 등의 전처리 방법을 적용하였고, 지질을 분류하기 위해 6개의 은닉층을 가진 심층 신경망(Deep Neural Network, DNN)을 활용하였다. 10겹 교차검증을 통해 분류 시스템을 평가한 결과, 평균 75.4%의 정확도를 확인하였다(총 데이터 388,639개). 본 연구를 통해 지질 불확실성을 감소시키고, 지반 조건에 따른 실시간 최적 운전에 도움이 될 것으로 판단된다.

A Prediction Triage System for Emergency Department During Hajj Period using Machine Learning Models

  • Huda N. Alhazmi
    • International Journal of Computer Science & Network Security
    • /
    • 제24권7호
    • /
    • pp.11-23
    • /
    • 2024
  • Triage is a practice of accurately prioritizing patients in emergency department (ED) based on their medical condition to provide them with proper treatment service. The variation in triage assessment among medical staff can cause mis-triage which affect the patients negatively. Developing ED triage system based on machine learning (ML) techniques can lead to accurate and efficient triage outcomes. This study aspires to develop a triage system using machine learning techniques to predict ED triage levels using patients' information. We conducted a retrospective study using Security Forces Hospital ED data, from 2021 through 2023 during Hajj period in Saudia Arabi. Using demographics, vital signs, and chief complaints as predictors, two machine learning models were investigated, naming gradient boosted decision tree (XGB) and deep neural network (DNN). The models were trained to predict ED triage levels and their predictive performance was evaluated using area under the receiver operating characteristic curve (AUC) and confusion matrix. A total of 11,584 ED visits were collected and used in this study. XGB and DNN models exhibit high abilities in the predicting performance with AUC-ROC scores 0.85 and 0.82, respectively. Compared to the traditional approach, our proposed system demonstrated better performance and can be implemented in real-world clinical settings. Utilizing ML applications can power the triage decision-making, clinical care, and resource utilization.