• 제목/요약/키워드: MLP Classification model

검색결과 51건 처리시간 0.024초

신경회로망과 확률모델을 이용한 근전도신호의 패턴분류에 관한 연구 (A Study on the Pattern Classificatiion of the EMG Signals Using Neural Network and Probabilistic Model)

  • 장영건;권장우;장원환;장원석;홍성홍
    • 전자공학회논문지B
    • /
    • 제28B권10호
    • /
    • pp.831-841
    • /
    • 1991
  • A combined model of probabilistic and MLP(multi layer perceptron) model is proposed for the pattern classification of EMG( electromyogram) signals. The MLP model has a problem of not guaranteeing the global minima of error and different quality of approximations to Bayesian probabilities. The probabilistic model is, however, closely related to the estimation error of model parameters and the fidelity of assumptions. A proper combination of these will reduce the effects of the problems and be robust to input variations. Proposed model is able to get the MAP(maximum a posteriori probability) in the probabilistic model by estimating a priori probability distribution using the MLP model adaptively. This method minimize the error probability of the probabilistic model as long as the realization of the MLP model is optimal, and this is a good combination of the probabilistic model and the MLP model for the usage of MLP model reliability. Simulation results show the benefit of the proposed model compared to use the Mlp and the probabilistic model seperately and the average calculation time fro classification is about 50ms in the case of combined motion using an IBM PC 25 MHz 386model.

  • PDF

Comparison of Artificial Neural Networks for Low-Power ECG-Classification System

  • Rana, Amrita;Kim, Kyung Ki
    • 센서학회지
    • /
    • 제29권1호
    • /
    • pp.19-26
    • /
    • 2020
  • Electrocardiogram (ECG) classification has become an essential task of modern day wearable devices, and can be used to detect cardiovascular diseases. State-of-the-art Artificial Intelligence (AI)-based ECG classifiers have been designed using various artificial neural networks (ANNs). Despite their high accuracy, ANNs require significant computational resources and power. Herein, three different ANNs have been compared: multilayer perceptron (MLP), convolutional neural network (CNN), and spiking neural network (SNN) only for the ECG classification. The ANN model has been developed in Python and Theano, trained on a central processing unit (CPU) platform, and deployed on a PYNQ-Z2 FPGA board to validate the model using a Jupyter notebook. Meanwhile, the hardware accelerator is designed with Overlay, which is a hardware library on PYNQ. For classification, the MIT-BIH dataset obtained from the Physionet library is used. The resulting ANN system can accurately classify four ECG types: normal, atrial premature contraction, left bundle branch block, and premature ventricular contraction. The performance of the ECG classifier models is evaluated based on accuracy and power. Among the three AI algorithms, the SNN requires the lowest power consumption of 0.226 W on-chip, followed by MLP (1.677 W), and CNN (2.266 W). However, the highest accuracy is achieved by the CNN (95%), followed by MLP (76%) and SNN (90%).

두 칼라 모델의 부분연결 다층 퍼셉트론을 사용한 피부색 검출 (Skin Color Detection Using Partially Connected Multi-layer Perceptron of Two Color Models)

  • 김성훈;이현수
    • 전자공학회논문지CI
    • /
    • 제46권3호
    • /
    • pp.107-115
    • /
    • 2009
  • 피부색 검출은 피부색과 비피부색에 대한 분류기가 사용되며, 분류 성능이 높은 분류기가 필요하다. 기존의 피부색 검출을 위한 분류기들은 대부분 하나의 칼라 모델을 사용하고 있다. 그러나 칼라 모델에 따라 피부색의 분포 특성이 다르기 때문에 하나 이상의 칼라 모델을 사용함으로써 분류 성능을 높일 수 있다. MLP(Multi Layer Perceptron)는 다른 분류기보다 적은 파라미터를 사용하면서 좋은 분류 성능을 보이고 있다. 하지만 두 개의 칼라 모델을 사용할 경우 MLP의 입력 차원이 증가되기 때문의 파라미터 수가 증가되는 문제가 발생하게 되며, 파라미터 수의 증가는 MLP의 학습 시간이 증가되는 원인이 된다. 따라서 본 논문에서는 두 칼라 모델의 구성 성분을 조합함으로써 피부색과 비피부색의 분류 성능을 향상시키고, 적은 수의 파라미터가 사용된 피부색 검출 방법을 제안한다. 제안한 부분 연결 MLP는 각 칼라 모델에 따라 연결 강도를 부분적으로 연결함으로써 연결 강도의 수를 감소 시켰으며, 각 부분 네트워크에 서로 다른 칼라 모델의 특성을 학습시킴으로써 분류율을 향상시킬 수 있다. 실험 결과 제안한 부분연결 MLP를 RGB와 CbCr 칼라 정보로 구성했을 때 91.8%의 분류율을 달성하였다.

PM10 예측 성능 향상을 위한 이진 분류 모델 비교 분석 (Comparative Analysis of the Binary Classification Model for Improving PM10 Prediction Performance)

  • 정용진;이종성;오창헌
    • 한국정보통신학회논문지
    • /
    • 제25권1호
    • /
    • pp.56-62
    • /
    • 2021
  • 미세먼지 예보에 대한 높은 정확도가 요구됨에 따라 기계 학습의 알고리즘을 적용하여 예측 정확도를 높이려는 다양한 시도들이 이루어지고 있다. 그러나 미세먼지의 특성과 불균형적인 농도별 발생 비율에 대한 문제로 예측 모델의 학습 및 예측이 잘 이루어지지 않는다. 이러한 문제를 해결하기 위해 특정 농도를 기준으로 미세먼지를 저농도와 고농도로 구분하여 예측을 수행하는 등 다양한 연구가 진행되고 있다. 본 논문에서는 미세먼지 농도의 불균형 특성으로 인한 예측 성능 향상의 문제를 해결하기 위한 미세먼지 농도의 이진 분류 모델을 제안하였다. 분류 알고리즘 중 logistic regression, decision tree, SVM 및 MLP를 이용하여 PM10에 대한 이진분류 모델들을 설계하였다. 오차 행렬을 통해 성능을 비교한 결과, 4가지 모델 중 MLP 모델이 89.98%의 정확도로 가장 높은 이진 분류 성능을 보였다.

MLP 기반의 서울시 3차원 지반공간모델링 연구 (MLP-based 3D Geotechnical Layer Mapping Using Borehole Database in Seoul, South Korea)

  • 지윤수;김한샘;이문교;조형익;선창국
    • 한국지반공학회논문집
    • /
    • 제37권5호
    • /
    • pp.47-63
    • /
    • 2021
  • 최근 디지털 트윈 관점의 3차원 지하공간 지도의 수요 및 유관분야의 연계 활용 요구가 증대되고 있다. 그러나 전국단위의 지반조사 자료의 방대함과 이를 활용함에 있어 공간적/추계학적 기법 적용의 불확실성으로 인해 신뢰도 높은 지역적 지반특성화 연구와 그에 따른 최적화 모델 제시에 어려움이 있다. 따라서 본 연구에서는 서울지역 3차원 지하공간의 공학적 지층분류를 위해 다층 퍼셉트론(MLP) 기반의 최적 학습모델을 구축하였다. 먼저, 서울지역에 분포하는 시추공별 층상구조 및 3차원 공간좌표를 표준화 서식에 따라 지반정보 데이터베이스로 구축하고 기계학습을 위한 결측치 보정, 정규화 등의 데이터 전처리를 하였다. MLP 모델의 파라미터 최적화와 정밀도 및 정확도 관련 모델 성능 평가를 통해 최적의 피팅 모델을 설계하였다. 이후 3차원 지반 공간레이어 구축을 위한 수치표고모델 기반 격자망을 구성하고, 단위격자별 MLP기반 예측모델 적용을 통한 층상구조를 결정하고 이를 가시화하였다. 구축된 3차원 지반모델은 범용적인 지구통계학적 공간보간 기법의 적용 결과 및 지질도의 표토층 성상과 비교하여 그 성능을 평가하였다.

부분연결을 사용한 MLP에 기반을 둔 피부색 검출 (Skin Color Detection Based on Partial Connections of MLP)

  • 김성훈;이현수
    • 대한전자공학회:학술대회논문집
    • /
    • 대한전자공학회 2008년도 하계종합학술대회
    • /
    • pp.681-682
    • /
    • 2008
  • This paper propose skin color detection that uses MLP(Multi Layer Perceptron) and multiple color models. The proposed method reduces weight of MLP by partial connection between input layer and hidden layer based on color models, and the using color models are RGB model and YCbCr model. The experimental result for proposed method showed 94% classification rate of skin and non-skin pixels with 32% decrease in the number of weight compare to general MLP on the average.

  • PDF

딥러닝을 이용한 소프트웨어 결함 심각도 예측 (Prediction of Software Fault Severity using Deep Learning Methods)

  • 홍의석
    • 한국인터넷방송통신학회논문지
    • /
    • 제22권6호
    • /
    • pp.113-119
    • /
    • 2022
  • 소프트웨어 결함 예측 작업 시 단순히 결함 유무만을 예측하는 이진 분류 모델에 비해 결함의 심각도 범주를 예측하는 다중 분류 모델은 훨씬 유용하게 사용될 수 있다. 소수의 심각도 기반 결함 예측 모델들이 제안되었지만 딥러닝 기법을 사용한 분류기는 없었다. 본 논문은 3개, 5개의 은닉층을 갖고 은닉층 노드수가 고정된 구조와 변화하는 구조의 MLP 모델들을 제작하였다. 모델 평가 실험 결과 기존 기계학습 모델들 중 가장 좋은 성능을 보인 MLPs보다 MLP 기반 딥러닝 모델들은 Accuracy와 AUC 모두 유의미하게 더 우수한 성능을 보였다. 특히 노드수 고정 구조에서는 은닉 층수 3, 배치사이즈 32, 노드수 64인 모델 구조가 가장 좋은 성능을 보였다.

근전도 신호인식을 위한 HMM과 GA-MLP의 합성에 관한 연구 (A Study on the Synthesis of HMM and GA-MLP for EMG Signal Recognition)

  • 신철규;이동훈;이상민;권장우;홍승홍
    • 대한의용생체공학회:학술대회논문집
    • /
    • 대한의용생체공학회 1996년도 추계학술대회
    • /
    • pp.199-202
    • /
    • 1996
  • In this paper, we suggested the combination of HMM(Hidden Markov Model) and MLP (Multi-Layer Perceptron) with GA(genetic algorithm) for a recognition of EMG signals. To describe EMG signal's dynamic properties, HMM algorithm was adapted and due to its outstanding abilities in static signal classification MLP was connected as a real processor. We also used GA( Genetic Algorithm) for improving MLP's learning rate. Experimental results showed that the suggested classifier gave higher EMG signal recognition rates with faster learning time than other one.

  • PDF

하천유역에서 기후변화에 따른 이상호우시의 최적 수문예측시스템 (The Optimal Hydrologic Forecasting System for Abnormal Storm due to Climate Change in the River Basin)

  • 김성원;김형수
    • 한국수자원학회:학술대회논문집
    • /
    • 한국수자원학회 2008년도 학술발표회 논문집
    • /
    • pp.2193-2196
    • /
    • 2008
  • In this study, the new methodology such as support vector machines neural networks model (SVM-NNM) using the statistical learning theory is introduced to forecast flood stage in Nakdong river, Republic of Korea. The SVM-NNM in hydrologic time series forecasting is relatively new, and it is more problematic in comparison with classification. And, the multilayer perceptron neural networks model (MLP-NNM) is introduced as the reference neural networks model to compare the performance of SVM-NNM. And, for the performances of the neural networks models, they are composed of training, cross validation, and testing data, respectively. From this research, we evaluate the impact of the SVM-NNM and the MLP-NNM for the forecasting of the hydrologic time series in Nakdong river. Furthermore, we can suggest the new methodology to forecast the flood stage and construct the optimal forecasting system in Nakdong river, Republic of Korea.

  • PDF

딥러닝 기반의 수중 IoT 네트워크 BER 예측 모델 (Deep Learning based BER Prediction Model in Underwater IoT Networks)

  • 변정훈;박진훈;조오현
    • 융합정보논문지
    • /
    • 제10권6호
    • /
    • pp.41-48
    • /
    • 2020
  • 수중 IoT 네트워크에서 센서 노드는 지속적인 전력 공급이 어렵기 때문에 제한된 상황에서 소비 전력과 네트워크 처리량의 효율성이 매우 중요하다. 이를 위해 기존의 무선 네트워크에서는 SNR(Signal Noise Rate)과 BER(Bit Error Rate)의 높은 연관성을 기반으로 적응적으로 통신 파라미터를 선택하는 AMC(Adaptive Modulation and Coding) 기술을 적용한다. 하지만 본 논문의 실험 결과, 수중에서 SNR과 BER 사이의 상관 관계가 상대적으로 감소함을 확인하였다. 따라서 본 논문에서는 SNR과 함께 다중 파라미터를 동시에 사용하는 딥러닝 기반 BER 예측 모델(MLP, Multi-Layer Perceptron)을 적용한다. 제안하는 BER 예측 모델은 처리량이 가장 높은 통신 방법을 찾아낼 수 있고, 시뮬레이션 결과 85.2%의 높은 정확도와 네트워크 처리량은 기존 처리량보다 4.4배 높은 성능을 보여주는 우수한 성능을 확인하였다.