• 제목/요약/키워드: Deep Learning MLP

검색결과 73건 처리시간 0.027초

Automated detection of panic disorder based on multimodal physiological signals using machine learning

  • Eun Hye Jang;Kwan Woo Choi;Ah Young Kim;Han Young Yu;Hong Jin Jeon;Sangwon Byun
    • ETRI Journal
    • /
    • 제45권1호
    • /
    • pp.105-118
    • /
    • 2023
  • We tested the feasibility of automated discrimination of patients with panic disorder (PD) from healthy controls (HCs) based on multimodal physiological responses using machine learning. Electrocardiogram (ECG), electrodermal activity (EDA), respiration (RESP), and peripheral temperature (PT) of the participants were measured during three experimental phases: rest, stress, and recovery. Eleven physiological features were extracted from each phase and used as input data. Logistic regression (LoR), k-nearest neighbor (KNN), support vector machine (SVM), random forest (RF), and multilayer perceptron (MLP) algorithms were implemented with nested cross-validation. Linear regression analysis showed that ECG and PT features obtained in the stress and recovery phases were significant predictors of PD. We achieved the highest accuracy (75.61%) with MLP using all 33 features. With the exception of MLP, applying the significant predictors led to a higher accuracy than using 24 ECG features. These results suggest that combining multimodal physiological signals measured during various states of autonomic arousal has the potential to differentiate patients with PD from HCs.

Multi-Layer Perceptron 기법을 이용한 전력 분석 공격 구현 및 분석 (Implementation and Analysis of Power Analysis Attack Using Multi-Layer Perceptron Method)

  • 권홍필;배대현;하재철
    • 정보보호학회논문지
    • /
    • 제29권5호
    • /
    • pp.997-1006
    • /
    • 2019
  • 본 논문에서는 기존 전력 분석 공격의 어려움과 비효율성을 극복하기 위해 딥 러닝 기반의 MLP(Multi-Layer Perceptron) 알고리즘을 기반으로 한 공격 모델을 사용하여 암호 디바이스의 비밀 키를 찾는 공격을 시도하였다. 제안하는 전력 분석 공격 대상은 XMEGA128 8비트 프로세서 상에서 구현된 AES-128 암호 모듈이며, 16바이트의 비밀 키 중 한 바이트씩 복구하는 방식으로 구현하였다. 실험 결과, MLP 기반의 전력 분석 공격은 89.51%의 정확도로 비밀 키를 추출하였으며 전처리 기법을 수행한 경우에는 94.51%의 정확도를 나타내었다. 제안하는 MLP 기반의 전력 분석 공격은 학습을 통한 feature를 추출할 수 있는 성질이 있어 SVM(Support Vector Machine)과 같은 머신 러닝 기반 모델보다 우수한 공격 특성을 보임을 확인하였다.

딥러닝 알고리즘 MLP 및 LSTM을 활용한 제주도 지하수위 예측 (Prediction of Groundwater Level in Jeju Island Using Deep Learning Algorithm MLP and LSTM)

  • 강다영;변규현
    • 한국수자원학회:학술대회논문집
    • /
    • 한국수자원학회 2022년도 학술발표회
    • /
    • pp.206-206
    • /
    • 2022
  • 제주도는 투수성이 좋은 대수층이 발달한 화산섬으로 지하수가 가장 중요한 수자원이다. 인위적 요인과 기후변화로 인해 제주도의 지하수위가 저하하는 추세를 보이고 있음에 따라 지하수의 적정 관리를 위해 지하수위의 정확하고 장기적인 예측이 매우 중요하다. 다양한 환경적인 요인이 지하수의 함양 및 수위에 영향을 미치는 것으로 알려져 있지만, 제주도의 특징적인 기상인자가 지하수 시스템에 어떻게 영향을 미치는지를 파악하기 위한 연구는 거의 진행되지 않았다. 지하수위측에 있어서 물리적 모델을 이용한 방안은 다양한 조건에 의해 변화하는 지하수위의 정확하고 빠른 예측에 한계가 있는 것으로 알려져 있다. 이에 본 연구에서는 제주도 애월읍과 남원읍에 위치한 지하수위 관측정의 일 수위자료와 강수량, 온도, 강설량, 풍속, VPD의 다양한 기상 자료를 대상으로 인공신경망 알고리즘인 다층 퍼셉트론(MLP)와 Long Short Term Memory(LSTM)에 기반한 표준지하수지수(SGI) 예측 모델을 개발하였다. MLP와 LSTM의 표준지하수지수(SGI) 예측결과가 상당히 유사한 것으로 나타났으며 MLP과 LSTM 예측모델의 결정계수(R2)는 애월읍의 경우 각각 0.98, 남원읍의 경우 각각 0.96으로 높은 값을 보였다. 본 연구에서 개발한 지하수위 예측모델을 통해 효율적인 운영과 정밀한 지하수위 예측이 가능해질 것이며 기후변화 대응을 위한 지속가능한 지하수자원 관리 방안 마련에 도움을 줄 것이라 판단된다.

  • PDF

Multi-Agent Deep Reinforcement Learning for Fighting Game: A Comparative Study of PPO and A2C

  • Yoshua Kaleb Purwanto;Dae-Ki Kang
    • International Journal of Internet, Broadcasting and Communication
    • /
    • 제16권3호
    • /
    • pp.192-198
    • /
    • 2024
  • This paper investigates the application of multi-agent deep reinforcement learning in the fighting game Samurai Shodown using Proximal Policy Optimization (PPO) and Advantage Actor-Critic (A2C) algorithms. Initially, agents are trained separately for 200,000 timesteps using Convolutional Neural Network (CNN) and Multi-Layer Perceptron (MLP) with LSTM networks. PPO demonstrates superior performance early on with stable policy updates, while A2C shows better adaptation and higher rewards over extended training periods, culminating in A2C outperforming PPO after 1,000,000 timesteps. These findings highlight PPO's effectiveness for short-term training and A2C's advantages in long-term learning scenarios, emphasizing the importance of algorithm selection based on training duration and task complexity. The code can be found in this link https://github.com/Lexer04/Samurai-Shodown-with-Reinforcement-Learning-PPO.

Korean and English Sentiment Analysis Using the Deep Learning

  • 마렌드라;최형림;임성배
    • 한국산업정보학회논문지
    • /
    • 제23권3호
    • /
    • pp.59-71
    • /
    • 2018
  • Social media has immense popularity among all services today. Data from social network services (SNSs) can be used for various objectives, such as text prediction or sentiment analysis. There is a great deal of Korean and English data on social media that can be used for sentiment analysis, but handling such huge amounts of unstructured data presents a difficult task. Machine learning is needed to handle such huge amounts of data. This research focuses on predicting Korean and English sentiment using deep forward neural network with a deep learning architecture and compares it with other methods, such as LDA MLP and GENSIM, using logistic regression. The research findings indicate an approximately 75% accuracy rate when predicting sentiments using DNN, with a latent Dirichelet allocation (LDA) prediction accuracy rate of approximately 81%, with the corpus being approximately 64% accurate between English and Korean.

Deep CNN based Pilot Allocation Scheme in Massive MIMO systems

  • Kim, Kwihoon;Lee, Joohyung
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제14권10호
    • /
    • pp.4214-4230
    • /
    • 2020
  • This paper introduces a pilot allocation scheme for massive MIMO systems based on deep convolutional neural network (CNN) learning. This work is an extension of a prior work on the basic deep learning framework of the pilot assignment problem, the application of which to a high-user density nature is difficult owing to the factorial increase in both input features and output layers. To solve this problem, by adopting the advantages of CNN in learning image data, we design input features that represent users' locations in all the cells as image data with a two-dimensional fixed-size matrix. Furthermore, using a sorting mechanism for applying proper rule, we construct output layers with a linear space complexity according to the number of users. We also develop a theoretical framework for the network capacity model of the massive MIMO systems and apply it to the training process. Finally, we implement the proposed deep CNN-based pilot assignment scheme using a commercial vanilla CNN, which takes into account shift invariant characteristics. Through extensive simulation, we demonstrate that the proposed work realizes about a 98% theoretical upper-bound performance and an elapsed time of 0.842 ms with low complexity in the case of a high-user-density condition.

Machine Learning-based Prediction of Relative Regional Air Volume Change from Healthy Human Lung CTs

  • Eunchan Kim;YongHyun Lee;Jiwoong Choi;Byungjoon Yoo;Kum Ju Chae;Chang Hyun Lee
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권2호
    • /
    • pp.576-590
    • /
    • 2023
  • Machine learning is widely used in various academic fields, and recently it has been actively applied in the medical research. In the medical field, machine learning is used in a variety of ways, such as speeding up diagnosis, discovering new biomarkers, or discovering latent traits of a disease. In the respiratory field, a relative regional air volume change (RRAVC) map based on quantitative inspiratory and expiratory computed tomography (CT) imaging can be used as a useful functional imaging biomarker for characterizing regional ventilation. In this study, we seek to predict RRAVC using various regular machine learning models such as extreme gradient boosting (XGBoost), light gradient boosting machine (LightGBM), and multi-layer perceptron (MLP). We experimentally show that MLP performs best, followed by XGBoost. We also propose several relative coordinate systems to minimize intersubjective variability. We confirm a significant experimental performance improvement when we apply a subject's relative proportion coordinates over conventional absolute coordinates.

Improving the Water Level Prediction of Multi-Layer Perceptron with a Modified Error Function

  • Oh, Sang-Hoon
    • International Journal of Contents
    • /
    • 제13권4호
    • /
    • pp.23-28
    • /
    • 2017
  • Of the total economic loss caused by disasters, 40% are due to floods and floods have a severe impact on human health and life. So, it is important to monitor the water level of a river and to issue a flood warning during unfavorable circumstances. In this paper, we propose a modified error function to improve a hydrological modeling using a multi-layer perceptron (MLP) neural network. When MLP's are trained to minimize the conventional mean-squared error function, the prediction performance is poor because MLP's are highly tunned to training data. Our goal is achieved by preventing overspecialization to training data, which is the main reason for performance degradation for rare or test data. Based on the modified error function, an MLP is trained to predict the water level with rainfall data at upper reaches. Through simulations to predict the water level of Nakdong River near a UNESCO World Heritage Site "Hahoe Village," we verified that the prediction performance of MLP with the modified error function is superior to that with the conventional mean-squared error function, especially maximum error of 40.85cm vs. 55.51cm.

MLP-Mixer를 이용한 이미지 이상탐지 (Image Anomaly Detection Using MLP-Mixer)

  • 황주효;진교홍
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 춘계학술대회
    • /
    • pp.104-107
    • /
    • 2022
  • 오토인코더 딥러닝 모델은 이상 데이터도 정상 데이터로 복원하는 능력이 우수하여 이상탐지에 적절하지 못한 경우가 발생한다. 그리고 데이터의 일부를 가린(마스킹) 후 가린 데이터를 복원하는 방식인 Inpainting 방식은 잡음이 많은 이미지에 대해서는 복원능력이 떨어지는 문제점을 가지고 있다. 본 논문에서는 MLP-Mixer 모델을 수정·개선하여 이미지를 일정 비율로 마스킹하고 마스킹된 이미지의 압축된 정보를 모델에 전달해 이미지를 재구성하는 방식을 사용하였다. MVTec AD 데이터 셋의 정상 데이터로 학습한 모델을 구축한 뒤, 정상과 이상 이미지를 각각 입력하여 재구성 오류를 구하고 이를 통해 이상탐지를 수행하였다. 성능 평가 결과 제안된 방식이 기존의 방식에 비해 이상탐지 성능이 우수한 것으로 나타났다.

  • PDF

수피 특징 추출을 위한 상용 DCNN 모델의 비교와 다층 퍼셉트론을 이용한 수종 인식 (Comparison of Off-the-Shelf DCNN Models for Extracting Bark Feature and Tree Species Recognition Using Multi-layer Perceptron)

  • 김민기
    • 한국멀티미디어학회논문지
    • /
    • 제23권9호
    • /
    • pp.1155-1163
    • /
    • 2020
  • Deep learning approach is emerging as a new way to improve the accuracy of tree species identification using bark image. However, the approach has not been studied enough because it is confronted with the problem of acquiring a large volume of bark image dataset. This study solved this problem by utilizing a pretrained off-the-shelf DCNN model. It compares the discrimination power of bark features extracted by each DCNN model. Then it extracts the features by using a selected DCNN model and feeds them to a multi-layer perceptron (MLP). We found out that the ResNet50 model is effective in extracting bark features and the MLP could be trained well with the features reduced by the principal component analysis. The proposed approach gives accuracy of 99.1% and 98.4% for BarkTex and Trunk12 datasets respectively.