• 제목/요약/키워드: Long short-term memory network (LSTM)

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

스마트 팩토리 모니터링을 위한 빅 데이터의 LSTM 기반 이상 탐지 (LSTM-based Anomaly Detection on Big Data for Smart Factory Monitoring)

  • ;;김진술
    • 디지털콘텐츠학회 논문지
    • /
    • 제19권4호
    • /
    • pp.789-799
    • /
    • 2018
  • 이 논문에서는 이러한 산업 단지 시스템에서의 비정상적인 동작이 일어날 때, 시간 계열의 데이터를 분석하기 위하여 Big 데이터를 이용한 접근을 기반으로 하는 머신 러닝을 보여줍니다. Long Short-Term Memory (LSTM) 네트워크는 향상된 RNN버전으로서 입증되었으며 많은 작업에 유용한 도움이 되었습니다. 이 LSTM 기반 모델은 시간적 패턴뿐만 아니라 더 높은 레벨의 시간적 특징을 학습 한 다음, 미래의 데이터를 예측하기 위해 예측 단계에 사용됩니다. 예측 오차는 예측 인자에 의해 예측 된 결과와 실제 예상되는 값의 차이입니다. 오차 분포 추정 모델은 가우스 분포를 사용하여 관찰 스코어의 이상을 계산합니다. 이러한 방식으로, 우리는 하나의 비정상적 데이터의 개념에서 집단적인 비정상적 데이터 개념으로 바뀌어 갑니다. 이 작업은 실패를 최소화하고 제조품질을 향상시키는 Smart Factory의 모니터링 및 관리를 지원할 수 있습니다.

A Text Content Classification Using LSTM For Objective Category Classification

  • Noh, Young-Dan;Cho, Kyu-Cheol
    • 한국컴퓨터정보학회논문지
    • /
    • 제26권5호
    • /
    • pp.39-46
    • /
    • 2021
  • 인공지능은 현재 인공지능 번역기, 페이스 아이디와 같이 우리의 삶 다양한 곳에 적용되고 있으며 여러 가지 장점으로 많은 산업분야에서도 적용되고 있다. 본 연구는 매년 방대한 양의 콘텐츠들이 넘쳐나는 상황에서 인공지능을 적용한 카테고리 분류로 원하는 데이터를 추출함으로써 편의성을 제공한다. 본 연구에서는 텍스트 분류에서 두각을 나타내고 있는 LSTM(Long-Short Term Memory network)을 사용한 모델을 제안하며 자연어 처리에 적합한 구조를 가진 RNN(Recurrent Neural Network)과 BiLSTM(Bidirectional LSTM)을 사용한 모델과의 성능을 비교한다. 세 가지 모델의 성능비교는 뉴스 텍스트 데이터에 적용해 accuracy, precision, recall의 측정값을 사용해 비교하였고 그 결과 LSTM모델의 성능이 가장 우수한 것으로 나타났다. 따라서 본 연구에서는 LSTM을 사용한 텍스트 분류를 권장한다.

실제 컨버터 출력 데이터를 이용한 특정 지역 태양광 장단기 발전 예측 (Prediction of Short and Long-term PV Power Generation in Specific Regions using Actual Converter Output Data)

  • 하은규;김태오;김창복
    • 한국항행학회논문지
    • /
    • 제23권6호
    • /
    • pp.561-569
    • /
    • 2019
  • 태양광 발전은 일사량만 있으면 전기에너지를 얻을 수 있기 때문에, 새로운 에너지 공급원으로 용도가 급증하고 있다. 본 논문은 실제 태양광 발전 시스템의 컨버터 출력을 이용하여 장단기 출력 예측을 하였다. 예측 알고리즘은 다중선형회귀와 머신러닝의 지도학습 중 분류모델인 서포트 벡터 머신 그리고 DNN과 LSTM 등 딥러닝을 이용하였다. 또한 기상요소의 입출력 구조에 따라 3개의 모델을 이용하였다. 장기 예측은 월별, 계절별, 연도별 예측을 하였으며, 단기 예측은 7일간의 예측을 하였다. 결과로서 RMSE 측도에 의한 예측 오차로 비교해 본 결과 다중선형회귀와 SVM 보다는 딥러닝 네트워크가 예측 정확도 측면에서 더 우수하였다. 또한, DNN 보다 시계열 예측에 우수한 모델인 LSTM이 예측 정확도 측면에서 우수하였다. 입출력 구조에 따른 실험 결과는 모델 1보다 모델 2가 오차가 적었으며, 모델 2보다는 모델 3이 오차가 적었다.

Prediction of Solar Photovoltaic Power Generation by Weather Using LSTM

  • Lee, Saem-Mi;Cho, Kyu-Cheol
    • 한국컴퓨터정보학회논문지
    • /
    • 제27권8호
    • /
    • pp.23-30
    • /
    • 2022
  • 딥러닝은 주가 및 농산물 가격 예측과 같이 데이터를 분석해 일련의 규칙을 발견하고 미래를 예상해 우리의 삶에서 다양한 도움을 주고 있다. 본 연구는 태양광 에너지 사용의 중요성이 늘어나는 상황에서 기상에 따른 태양광 발전 실적을 딥러닝을 통해 분석하고 발전량을 예측한다. 본 연구에서는 시계열 데이터 예측에서 두각을 나타내고 있는 LSTM(Long Short Term Memory network)을 사용한 모델을 제안하며 이미지를 비롯한 다양한 차원의 데이터를 분석할 때 사용되는 CNN(Convolutional Neural Network)과 두 모델을 결합한 CNN-LSTM과의 성능을 비교한다. 세 가지 모델의 성능은 태양광 발전 실적의 실제값과 딥러닝을 통해 예측한 값으로 MSE, RMSE, 결정계수를 계산하여 비교하였고 그 결과 LSTM 모델의 성능이 가장 우수한 것으로 나타났다. 따라서 본 연구는 LSTM을 사용한 태양광 발전량 예측을 제안한다.

LSTM-based aerodynamic force modeling for unsteady flows around structures

  • Shijie Liu;Zhen Zhang;Xue Zhou;Qingkuan Liu
    • Wind and Structures
    • /
    • 제38권2호
    • /
    • pp.147-160
    • /
    • 2024
  • The aerodynamic force is a significant component that influences the stability and safety of structures. It has unstable properties and depends on computer precision, making its long-term prediction challenging. Accurately estimating the aerodynamic traits of structures is critical for structural design and vibration control. This paper establishes an unsteady aerodynamic time series prediction model using Long Short-Term Memory (LSTM) network. The unsteady aerodynamic force under varied Reynolds number and angles of attack is predicted by the LSTM model. The input of the model is the aerodynamic coefficients of the 1 to n sample points and output is the aerodynamic coefficients of the n+1 sample point. The model is predicted by interpolation and extrapolation utilizing Unsteady Reynolds-average Navier-Stokes (URANS) simulation data of flow around a circular cylinder, square cylinder and airfoil. The results illustrate that the trajectories of the LSTM prediction results and URANS outcomes are largely consistent with time. The mean relative error between the forecast results and the original results is less than 6%. Therefore, our technique has a prospective application in unsteady aerodynamic force prediction of structures and can give technical assistance for engineering applications.

Time Series Classification of Cryptocurrency Price Trend Based on a Recurrent LSTM Neural Network

  • Kwon, Do-Hyung;Kim, Ju-Bong;Heo, Ju-Sung;Kim, Chan-Myung;Han, Youn-Hee
    • Journal of Information Processing Systems
    • /
    • 제15권3호
    • /
    • pp.694-706
    • /
    • 2019
  • In this study, we applied the long short-term memory (LSTM) model to classify the cryptocurrency price time series. We collected historic cryptocurrency price time series data and preprocessed them in order to make them clean for use as train and target data. After such preprocessing, the price time series data were systematically encoded into the three-dimensional price tensor representing the past price changes of cryptocurrencies. We also presented our LSTM model structure as well as how to use such price tensor as input data of the LSTM model. In particular, a grid search-based k-fold cross-validation technique was applied to find the most suitable LSTM model parameters. Lastly, through the comparison of the f1-score values, our study showed that the LSTM model outperforms the gradient boosting model, a general machine learning model known to have relatively good prediction performance, for the time series classification of the cryptocurrency price trend. With the LSTM model, we got a performance improvement of about 7% compared to using the GB model.

에너지인터넷에서 1D-CNN과 양방향 LSTM을 이용한 에너지 수요예측 (Prediction for Energy Demand Using 1D-CNN and Bidirectional LSTM in Internet of Energy)

  • 정호철;선영규;이동구;김수현;황유민;심이삭;오상근;송승호;김진영
    • 전기전자학회논문지
    • /
    • 제23권1호
    • /
    • pp.134-142
    • /
    • 2019
  • 에너지인터넷 기술의 발전과 다양한 전자기기의 보급으로 에너지소비량이 패턴이 다양해짐에 따라 수요예측에 대한 신뢰도가 감소하고 있어 발전량 최적화 및 전력공급 안정화에 문제를 야기하고 있다. 본 연구에서는 고신뢰성을 갖는 수요예측을 위해 딥러닝 기법인 Convolution neural network(CNN)과 Bidirectional Long Short-Term Memory(BLSTM)을 융합한 1Dimention-Convolution and Bidirectional LSTM(1D-ConvBLSTM)을 제안하고, 제안한 기법을 활용하여 시계열 에너지소비량대한 소비패턴을 효과적으로 추출한다. 실험 결과에서는 다양한 반복학습 횟수와 feature map에 대해서 수요를 예측하고 적은 반복학습 횟수로도 테스트 데이터의 그래프 개형을 예측하는 것을 검증한다.

Prediction of the DO concentration using the machine learning algorithm: case study in Oncheoncheon, Republic of Korea

  • Lim, Heesung;An, Hyunuk;Choi, Eunhyuk;Kim, Yeonsu
    • 농업과학연구
    • /
    • 제47권4호
    • /
    • pp.1029-1037
    • /
    • 2020
  • The machine learning algorithm has been widely used in water-related fields such as water resources, water management, hydrology, atmospheric science, water quality, water level prediction, weather forecasting, water discharge prediction, water quality forecasting, etc. However, water quality prediction studies based on the machine learning algorithm are limited compared to other water-related applications because of the limited water quality data. Most of the previous water quality prediction studies have predicted monthly water quality, which is useful information but not enough from a practical aspect. In this study, we predicted the dissolved oxygen (DO) using recurrent neural network with long short-term memory model recurrent neural network long-short term memory (RNN-LSTM) algorithms with hourly- and daily-datasets. Bugok Bridge in Oncheoncheon, located in Busan, where the data was collected in real time, was selected as the target for the DO prediction. The 10-month (temperature, wind speed, and relative humidity) data were used as time prediction inputs, and the 5-year (temperature, wind speed, relative humidity, and rainfall) data were used as the daily forecast inputs. Missing data were filled by linear interpolation. The prediction model was coded based on TensorFlow, an open-source library developed by Google. The performance of the RNN-LSTM algorithm for the hourly- or daily-based water quality prediction was tested and analyzed. Research results showed that the hourly data for the water quality is useful for machine learning, and the RNN-LSTM algorithm has potential to be used for hourly- or daily-based water quality forecasting.

Prediction of Significant Wave Height in Korea Strait Using Machine Learning

  • Park, Sung Boo;Shin, Seong Yun;Jung, Kwang Hyo;Lee, Byung Gook
    • 한국해양공학회지
    • /
    • 제35권5호
    • /
    • pp.336-346
    • /
    • 2021
  • The prediction of wave conditions is crucial in the field of marine and ocean engineering. Hence, this study aims to predict the significant wave height through machine learning (ML), a soft computing method. The adopted metocean data, collected from 2012 to 2020, were obtained from the Korea Institute of Ocean Science and Technology. We adopted the feedforward neural network (FNN) and long-short term memory (LSTM) models to predict significant wave height. Input parameters for the input layer were selected by Pearson correlation coefficients. To obtain the optimized hyperparameter, we conducted a sensitivity study on the window size, node, layer, and activation function. Finally, the significant wave height was predicted using the FNN and LSTM models, by varying the three input parameters and three window sizes. Accordingly, FNN (W48) (i.e., FNN with window size 48) and LSTM (W48) (i.e., LSTM with window size 48) were superior outcomes. The most suitable model for predicting the significant wave height was FNN(W48) owing to its accuracy and calculation time. If the metocean data were further accumulated, the accuracy of the ML model would have improved, and it will be beneficial to predict added resistance by waves when conducting a sea trial test.

Two-stage Deep Learning Model with LSTM-based Autoencoder and CNN for Crop Classification Using Multi-temporal Remote Sensing Images

  • Kwak, Geun-Ho;Park, No-Wook
    • 대한원격탐사학회지
    • /
    • 제37권4호
    • /
    • pp.719-731
    • /
    • 2021
  • This study proposes a two-stage hybrid classification model for crop classification using multi-temporal remote sensing images; the model combines feature embedding by using an autoencoder (AE) with a convolutional neural network (CNN) classifier to fully utilize features including informative temporal and spatial signatures. Long short-term memory (LSTM)-based AE (LAE) is fine-tuned using class label information to extract latent features that contain less noise and useful temporal signatures. The CNN classifier is then applied to effectively account for the spatial characteristics of the extracted latent features. A crop classification experiment with multi-temporal unmanned aerial vehicle images is conducted to illustrate the potential application of the proposed hybrid model. The classification performance of the proposed model is compared with various combinations of conventional deep learning models (CNN, LSTM, and convolutional LSTM) and different inputs (original multi-temporal images and features from stacked AE). From the crop classification experiment, the best classification accuracy was achieved by the proposed model that utilized the latent features by fine-tuned LAE as input for the CNN classifier. The latent features that contain useful temporal signatures and are less noisy could increase the class separability between crops with similar spectral signatures, thereby leading to superior classification accuracy. The experimental results demonstrate the importance of effective feature extraction and the potential of the proposed classification model for crop classification using multi-temporal remote sensing images.