• 제목/요약/키워드: perceptron

검색결과 829건 처리시간 0.033초

IoT센서로 수집된 균질 시간 데이터를 이용한 기계학습 기반의 품질관리 및 데이터 보정 (Machine Learning-based Quality Control and Error Correction Using Homogeneous Temporal Data Collected by IoT Sensors)

  • 김혜진;이현수;최병진;김용혁
    • 한국융합학회논문지
    • /
    • 제10권4호
    • /
    • pp.17-23
    • /
    • 2019
  • 본 논문은 온도 등 7 가지의 IoT 센서에서 수집된 기상데이터의 각 기상요소에 대하여 품질관리(Quality Control; QC)를 하였다. 또한, 우리는 측정된 값에 오류가 있는 데이터를 기계학습으로 의미있게 추정하는 방법을 제안한다. 수집된 기상데이터를 기본 QC 결과를 바탕으로 오류 데이터를 선형 보간하여 기계학습 QC를 진행하였으며, 기계학습 기법으로는 대표적인 서포트벡터회귀, 의사결정테이블, 다층퍼셉트론을 사용했다. 기본 QC의 적용 유무에 따라 비교해 보았을 때, 우리는 기본 QC를 거쳐 보간한 기계학습 모델들의 평균절대오차(MAE)가 21% 낮은 것을 확인할 수 있었다. 또한, 기계학습 기법에 따라 비교하여 서포트벡터회귀 모델을 적용하였을 때가, 모든 기상 요소에 대하여 MAE가 평균적으로 다층신경망은 24%, 의사결정테이블은 58% 낮은 것을 알 수 있었다.

신경회로망을 이용한 차량의 색상 인식 (Vehicle Color Recognition Using Neural-Network)

  • 김태형;이정화;차의영
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국해양정보통신학회 2009년도 추계학술대회
    • /
    • pp.731-734
    • /
    • 2009
  • 본 논문에서는 차량을 포함하고 있는 영상에서 차량의 색상을 인식하는 방법을 제안한다. 영상에서 차량의 색상 특징 벡터를 추출해 다층 신경회로망인 backpropagation 학습 알고리즘을 이용하여 차량의 색상을 인식하게 된다. backpropagation 학습 알고리즘의 입력으로 사용되는 특징벡터는 RGB와 HSI(Hue-Saturation-Intensity) 색상 모델을 이용하여 색상 특징 벡터를 구성하고 각각 신경회로망의 입력으로 사용된다. 차량의 색상 인식은 가장 많이 발견되는 차량의 색상 가운데 7가지 색상으로 흰색, 은색, 검정색, 빨강색, 노란색, 파란색, 초록색으로 인식한다. 제안한 방법의 성능평가를 위해 차량을 포함하고 있는 영상을 이용하여 색상 인식 성능을 실험 하였다.

  • PDF

R의 neuralnet을 활용한 신경망분석 (Neural network analysis using neuralnet in R)

  • 백재욱
    • 산업진흥연구
    • /
    • 제6권1호
    • /
    • pp.1-7
    • /
    • 2021
  • 본 연구는 다층 퍼셉트론과 지도형 학습알고리즘에 대해 알아보았고, 아울러 neuralnet이라는 패키지를 사용하여 공변수들과 반응변수 간의 함수적 관계를 어떻게 모델링하는지 살펴보았다. 본 연구에서 적용된 알고리즘은 반응변수 값의 실제치와 예측치 간의 비교에 근거한 오차함수의 최소화를 위한 모수인 가중치들의 계속적인 조정을 특징으로 한다. 본 연구에서 설명하는 neuralnet 패키지는 활성화함수와 오차함수를 주어진 상황에 맞게 적절히 선택하고 나머지 매개변수들은 기본값으로 둘 수 있다. 본 연구에서 살펴본 불임 데이터에 대해 neuralnet 패키지를 활용한 결과 4개의 독립변수 중에서 age는 불임에 영향력이 거의 없음을 파악할 수 있었다. 아울러 신경망의 가중치는 -751.6부터 7.25에 이르기까지 다양한 값을 취하며, 첫 번째 은닉층의 절편은 -92.6과 7.25이며, 첫 번째 은닉뉴런으로 가는 공변수 age, parity, induced, spontaneous에 대한 가중치는 각각 3.17, -5.20, -36.82, -751.6임을 파악했다.

활성화 함수에 따른 유출량 산정 인공신경망 모형의 성능 비교 (Comparison of Artificial Neural Network Model Capability for Runoff Estimation about Activation Functions)

  • 김마가;최진용;방재홍;윤푸른;김귀훈
    • 한국농공학회논문집
    • /
    • 제63권1호
    • /
    • pp.103-116
    • /
    • 2021
  • Analysis of runoff is substantial for effective water management in the watershed. Runoff occurs by reaction of a watershed to the rainfall and has non-linearity and uncertainty due to the complex relation of weather and watershed factors. ANN (Artificial Neural Network), which learns from the data, is one of the machine learning technique known as a proper model to interpret non-linear data. The performance of ANN is affected by the ANN's structure, the number of hidden layer nodes, learning rate, and activation function. Especially, the activation function has a role to deliver the information entered and decides the way of making output. Therefore, It is important to apply appropriate activation functions according to the problem to solve. In this paper, ANN models were constructed to estimate runoff with different activation functions and each model was compared and evaluated. Sigmoid, Hyperbolic tangent, ReLU (Rectified Linear Unit), ELU (Exponential Linear Unit) functions were applied to the hidden layer, and Identity, ReLU, Softplus functions applied to the output layer. The statistical parameters including coefficient of determination, NSE (Nash and Sutcliffe Efficiency), NSEln (modified NSE), and PBIAS (Percent BIAS) were utilized to evaluate the ANN models. From the result, applications of Hyperbolic tangent function and ELU function to the hidden layer and Identity function to the output layer show competent performance rather than other functions which demonstrated the function selection in the ANN structure can affect the performance of ANN.

Fault Classification of a Blade Pitch System in a Floating Wind Turbine Based on a Recurrent Neural Network

  • Cho, Seongpil;Park, Jongseo;Choi, Minjoo
    • 한국해양공학회지
    • /
    • 제35권4호
    • /
    • pp.287-295
    • /
    • 2021
  • This paper describes a recurrent neural network (RNN) for the fault classification of a blade pitch system of a spar-type floating wind turbine. An artificial neural network (ANN) can effectively recognize multiple faults of a system and build a training model with training data for decision-making. The ANN comprises an encoder and a decoder. The encoder uses a gated recurrent unit, which is a recurrent neural network, for dimensionality reduction of the input data. The decoder uses a multilayer perceptron (MLP) for diagnosis decision-making. To create data, we use a wind turbine simulator that enables fully coupled nonlinear time-domain numerical simulations of offshore wind turbines considering six fault types including biases and fixed outputs in pitch sensors and excessive friction, slit lock, incorrect voltage, and short circuits in actuators. The input data are time-series data collected by two sensors and two control inputs under the condition that of one fault of the six types occurs. A gated recurrent unit (GRU) that is one of the RNNs classifies the suggested faults of the blade pitch system. The performance of fault classification based on the gate recurrent unit is evaluated by a test procedure, and the results indicate that the proposed scheme works effectively. The proposed ANN shows a 1.4% improvement in its performance compared to an MLP-based approach.

딥러닝 학습에서 최적의 알고리즘과 뉴론수 탐색 (Optimal Algorithm and Number of Neurons in Deep Learning)

  • 장하영;유은경;김혁진
    • 디지털융복합연구
    • /
    • 제20권4호
    • /
    • pp.389-396
    • /
    • 2022
  • 딥러닝(Deep Learning)은 퍼셉트론을 기반으로 하고 있으며 현재에는 이미지 인식, 음성 인식, 객체 검출 및 약물 개발 등과 같은 다양한 영역에서 사용되고 있다. 이에 따라 학습 알고리즘이 다양하게 제안되었고 신경망을 구성하는 뉴런수도 연구자마다 많은 차이를 보이고 있다. 본 연구는 현재 대표적으로 사용되고 있는 확률적 경사하강법(SGD), 모멘텀법(Momentum), AdaGrad, RMSProp 및 Adam법의 뉴런수에 따른 학습 특성을 분석하였다. 이를 위하여 1개의 입력층, 3개의 은닉층, 1개의 출력층으로 신경망을 구성하였고 활성화함수는 ReLU, 손실 함수는 교차 엔트로피 오차(CEE)를 적용하였고 실험 데이터셋은 MNIST를 사용하였다. 그 결과 뉴런수는 100~300개, 알고리즘은 Adam, 학습횟수(iteraction)는 200회가 딥러닝 학습에서 가장 효율적일 것으로 결론을 내렸다. 이러한 연구는 향후 새로운 학습 데이터가 주어졌을 경우 개발될 알고리즘과 뉴런수의 기준치에 함의를 제공할 것이다.

딥러닝의 얼굴 정서 식별 기술 활용-대학생의 심리 건강을 중심으로 (Exploration of deep learning facial motions recognition technology in college students' mental health)

  • 리파;조경덕
    • 한국정보통신학회논문지
    • /
    • 제26권3호
    • /
    • pp.333-340
    • /
    • 2022
  • 코로나19는 모두로 하여금 초조하고 불안하게 만들고, 사람들간에는 거리두기가 필요하다. 코로나19로 인해 심리적으로 초조하고 불안 해 지고 거리두기가 필요해졌다. 대학교에서는 학기 초에 정신건강에 대한 단체 평가와 검사가 이루어진다. 본 연구에서는 다층감지기 신경망 모델을 채택하고 훈련시켜 딥러닝을 진행했다. 훈련이 끝난 후, 실제 사진과 동영상을 입력하고, 안면탐지를 진행하고, 표본에 있는 사람의 얼굴 위치를 알아낸 후, 그 감정을 다시 분류하고, 그 표본의 예측한 감정 결과를 그림으로 보여주었다. 결과는 다음과 같다. 테스트 시험에서는 93.2%의 정확도를 얻었고, 실제 사용에서는 95.57%의 정확도를 얻었다. 그중 분노의 식별율은 95%, 혐오의 식별율은 97%, 행복의 식별율은 96%, 공포의 식별율은 96%, 슬픔의 식별율은 97%, 놀라움의 식별율은 95%, 중립의 식별율은 93%이었다. 본 연구의 고효율적 정서 식별 기술은 학생들의 부정적 정서를 포착하는 객관적 데이터를 제공 할 수 있다. 딥러닝의 감정식별 시스템은 심리건강을 향상하기 위한 데이터들을 제공할 수 있다.

A computational estimation model for the subgrade reaction modulus of soil improved with DCM columns

  • Dehghanbanadaki, Ali;Rashid, Ahmad Safuan A.;Ahmad, Kamarudin;Yunus, Nor Zurairahetty Mohd;Said, Khairun Nissa Mat
    • Geomechanics and Engineering
    • /
    • 제28권4호
    • /
    • pp.385-396
    • /
    • 2022
  • The accurate determination of the subgrade reaction modulus (Ks) of soil is an important factor for geotechnical engineers. This study estimated the Ks of soft soil improved with floating deep cement mixing (DCM) columns. A novel prediction model was developed that emphasizes the accuracy of identifying the most significant parameters of Ks. Several multi-layer perceptron (MLP) models that were trained using the Levenberg Marquardt (LM) backpropagation method were developed to estimate Ks. The models were trained using a reliable database containing the results of 36 physical modelling tests. The input parameters were the undrained shear strength of the DCM columns, undrained shear strength of soft soil, area improvement ratio and length-to-diameter ratio of the DCM columns. Grey wolf optimization (GWO) was coupled with the MLPs to improve the performance indices of the MLPs. Sensitivity tests were carried out to determine the importance of the input parameters for prediction of Ks. The results showed that both the MLP-LM and MLP-GWO methods showed high ability to predict Ks. However, it was shown that MLP-GWO (R = 0.9917, MSE = 0.28 (MN/m2/m)) performed better than MLP-LM (R =0.9126, MSE =6.1916 (MN/m2/m)). This proves the greater reliability of the proposed hybrid model of MLP-GWO in approximating the subgrade reaction modulus of soft soil improved with floating DCM columns. The results revealed that the undrained shear strength of the soil was the most effective factor for estimation of Ks.

A novel radioactive particle tracking algorithm based on deep rectifier neural network

  • Dam, Roos Sophia de Freitas;dos Santos, Marcelo Carvalho;do Desterro, Filipe Santana Moreira;Salgado, William Luna;Schirru, Roberto;Salgado, Cesar Marques
    • Nuclear Engineering and Technology
    • /
    • 제53권7호
    • /
    • pp.2334-2340
    • /
    • 2021
  • Radioactive particle tracking (RPT) is a minimally invasive nuclear technique that tracks a radioactive particle inside a volume of interest by means of a mathematical location algorithm. During the past decades, many algorithms have been developed including ones based on artificial intelligence techniques. In this study, RPT technique is applied in a simulated test section that employs a simplified mixer filled with concrete, six scintillator detectors and a137Cs radioactive particle emitting gamma rays of 662 keV. The test section was developed using MCNPX code, which is a mathematical code based on Monte Carlo simulation, and 3516 different radioactive particle positions (x,y,z) were simulated. Novelty of this paper is the use of a location algorithm based on a deep learning model, more specifically a 6-layers deep rectifier neural network (DRNN), in which hyperparameters were defined using a Bayesian optimization method. DRNN is a type of deep feedforward neural network that substitutes the usual sigmoid based activation functions, traditionally used in vanilla Multilayer Perceptron Networks, for rectified activation functions. Results show the great accuracy of the DRNN in a RPT tracking system. Root mean squared error for x, y and coordinates of the radioactive particle is, respectively, 0.03064, 0.02523 and 0.07653.

시계열 분해 및 데이터 증강 기법 활용 건화물운임지수 예측 (Forecasting Baltic Dry Index by Implementing Time-Series Decomposition and Data Augmentation Techniques)

  • 한민수;유성진
    • 품질경영학회지
    • /
    • 제50권4호
    • /
    • pp.701-716
    • /
    • 2022
  • Purpose: This study aims to predict the dry cargo transportation market economy. The subject of this study is the BDI (Baltic Dry Index) time-series, an index representing the dry cargo transport market. Methods: In order to increase the accuracy of the BDI time-series, we have pre-processed the original time-series via time-series decomposition and data augmentation techniques and have used them for ANN learning. The ANN algorithms used are Multi-Layer Perceptron (MLP), Recurrent Neural Network (RNN), and Long Short-Term Memory (LSTM) to compare and analyze the case of learning and predicting by applying time-series decomposition and data augmentation techniques. The forecast period aims to make short-term predictions at the time of t+1. The period to be studied is from '22. 01. 07 to '22. 08. 26. Results: Only for the case of the MAPE (Mean Absolute Percentage Error) indicator, all ANN models used in the research has resulted in higher accuracy (1.422% on average) in multivariate prediction. Although it is not a remarkable improvement in prediction accuracy compared to uni-variate prediction results, it can be said that the improvement in ANN prediction performance has been achieved by utilizing time-series decomposition and data augmentation techniques that were significant and targeted throughout this study. Conclusion: Nevertheless, due to the nature of ANN, additional performance improvements can be expected according to the adjustment of the hyper-parameter. Therefore, it is necessary to try various applications of multiple learning algorithms and ANN optimization techniques. Such an approach would help solve problems with a small number of available data, such as the rapidly changing business environment or the current shipping market.