• 제목/요약/키워드: Long Short-term Memory (LSTM)

검색결과 495건 처리시간 0.03초

시계열 기계학습을 이용한 한반도 남해 해수면 온도 예측 및 고수온 탐지 (Prediction of Sea Surface Temperature and Detection of Ocean Heat Wave in the South Sea of Korea Using Time-series Deep-learning Approaches)

  • 정시훈;김영준;박수민;임정호
    • 대한원격탐사학회지
    • /
    • 제36권5_3호
    • /
    • pp.1077-1093
    • /
    • 2020
  • 해수면 온도는 전 세계 해양, 기상 현상에 영향을 주고 해양 환경 변화와 생물에게 영향을 주는 중요한 요소이다. 특히, 우리나라 남해안을 비롯한 연안 지역의 경우 어업 및 양식업 등의 수산업이 많이 발달하여, 매년 고수온 현상으로 인한 사회·경제적 피해가 발생하고 있다. 따라서 위성 자료와 같은 광범위한 지역을 감시할 수 있는 자료를 활용한 해수면 온도 및 공간적 분포의 예측기술 개발을 통하여 피해를 예방할 수 있는 시스템을 구축할 필요가 있다. 해수면 온도 예측은 기존의 수치 모델을 통해서 예측을 진행하였지만, 다수의 역학적 요인들을 사용하여 예측 결과 산출 시 복잡함이 존재한다. 최근 기계학습 및 딥러닝 기법이 발달함에 따라 해양 분야의 예측에 적용하는 연구가 진행되고 있다. 본 연구는 그 중 시·공간적인 일관성 및 정확도가 높은 장단기 기억(Long Short Term Memory, LSTM)과 합성곱 장단기 기억(Convolutional Long Short Term Memory, ConvLSTM) 딥러닝 기법을 사용하여 남해지역의 해수면온도 예측 및 2017년부터 2019년까지의 고수온 발생 건에 대해서 예측 결과의 공간 분포와 공간 분포와 예측 가능성에 대해 분석을 하였다. 1일 예측 모델의 정확도는 RMSE 기준으로 ConvLSTM(전체: 0.33℃, 봄: 0.34℃, 여름: 0.27℃, 가을: 0.32℃, 겨울: 0.36℃)이 LSTM 기반의 예측 모델(전체: 0.40℃, 봄: 0.40℃, 여름: 0.48℃, 가을: 0.39℃, 겨울: 0.34℃)보다 우수한 성능을 보였다. 2017년 고수온 발생 사례에 대해 해수면 온도 예측과 고수온 탐지 성능에서 ConvLSTM은 5일까지 경보를 탐지하였지만, LSTM의 경우 2일 예측 이후 해수면 온도를 과소 추정하는 경향이 커짐에 따라 탐지하지 못하였다. 시공간적인 해수면 온도 예측 시 ConvLSTM이 LSTM에 비해 적절한 모델로 판단된다.

Long Short-Term Memory를 활용한 건화물운임지수 예측 (Prediction of Baltic Dry Index by Applications of Long Short-Term Memory)

  • 한민수;유성진
    • 품질경영학회지
    • /
    • 제47권3호
    • /
    • pp.497-508
    • /
    • 2019
  • Purpose: The purpose of this study is to overcome limitations of conventional studies that to predict Baltic Dry Index (BDI). The study proposed applications of Artificial Neural Network (ANN) named Long Short-Term Memory (LSTM) to predict BDI. Methods: The BDI time-series prediction was carried out through eight variables related to the dry bulk market. The prediction was conducted in two steps. First, identifying the goodness of fitness for the BDI time-series of specific ANN models and determining the network structures to be used in the next step. While using ANN's generalization capability, the structures determined in the previous steps were used in the empirical prediction step, and the sliding-window method was applied to make a daily (one-day ahead) prediction. Results: At the empirical prediction step, it was possible to predict variable y(BDI time series) at point of time t by 8 variables (related to the dry bulk market) of x at point of time (t-1). LSTM, known to be good at learning over a long period of time, showed the best performance with higher predictive accuracy compared to Multi-Layer Perceptron (MLP) and Recurrent Neural Network (RNN). Conclusion: Applying this study to real business would require long-term predictions by applying more detailed forecasting techniques. I hope that the research can provide a point of reference in the dry bulk market, and furthermore in the decision-making and investment in the future of the shipping business as a whole.

Innovative Solutions for Design and Fabrication of Deep Learning Based Soft Sensor

  • Khdhir, Radhia;Belghith, Aymen
    • International Journal of Computer Science & Network Security
    • /
    • 제22권2호
    • /
    • pp.131-138
    • /
    • 2022
  • Soft sensors are used to anticipate complicated model parameters using data from classifiers that are comparatively easy to gather. The goal of this study is to use artificial intelligence techniques to design and build soft sensors. The combination of a Long Short-Term Memory (LSTM) network and Grey Wolf Optimization (GWO) is used to create a unique soft sensor. LSTM is developed to tackle linear model with strong nonlinearity and unpredictability of manufacturing applications in the learning approach. GWO is used to accomplish input optimization technique for LSTM in order to reduce the model's inappropriate complication. The newly designed soft sensor originally brought LSTM's superior dynamic modeling with GWO's exact variable selection. The performance of our proposal is demonstrated using simulations on real-world datasets.

DG-based SPO tuple recognition using self-attention M-Bi-LSTM

  • Jung, Joon-young
    • ETRI Journal
    • /
    • 제44권3호
    • /
    • pp.438-449
    • /
    • 2022
  • This study proposes a dependency grammar-based self-attention multilayered bidirectional long short-term memory (DG-M-Bi-LSTM) model for subject-predicate-object (SPO) tuple recognition from natural language (NL) sentences. To add recent knowledge to the knowledge base autonomously, it is essential to extract knowledge from numerous NL data. Therefore, this study proposes a high-accuracy SPO tuple recognition model that requires a small amount of learning data to extract knowledge from NL sentences. The accuracy of SPO tuple recognition using DG-M-Bi-LSTM is compared with that using NL-based self-attention multilayered bidirectional LSTM, DG-based bidirectional encoder representations from transformers (BERT), and NL-based BERT to evaluate its effectiveness. The DG-M-Bi-LSTM model achieves the best results in terms of recognition accuracy for extracting SPO tuples from NL sentences even if it has fewer deep neural network (DNN) parameters than BERT. In particular, its accuracy is better than that of BERT when the learning data are limited. Additionally, its pretrained DNN parameters can be applied to other domains because it learns the structural relations in NL sentences.

Effect of CAPPI Structure on the Perfomance of Radar Quantitative Precipitation Estimation using Long Short-Term Memory Networks

  • Dinh, Thi-Linh;Bae, Deg-Hyo
    • 한국수자원학회:학술대회논문집
    • /
    • 한국수자원학회 2021년도 학술발표회
    • /
    • pp.133-133
    • /
    • 2021
  • The performance of radar Quantitative Precipitation Estimation (QPE) using Long Short-Term Memory (LSTM) networks in hydrological applications depends on either the quality of data or the three-dimensional CAPPI structure from the weather radar. While radar data quality is controlled and enhanced by the more and more modern radar systems, the effect of CAPPI structure still has not yet fully investigated. In this study, three typical and important types of CAPPI structure including inverse-pyramid, cubic of grids 3x3, cubic of grids 4x4 are investigated to evaluate the effect of CAPPI structures on the performance of radar QPE using LSTM networks. The investigation results figure out that the cubic of grids 4x4 of CAPPI structure shows the best performance in rainfall estimation using the LSTM networks approach. This study give us the precious experiences in radar QPE works applying LSTM networks approach in particular and deep-learning approach in general.

  • PDF

The roles of differencing and dimension reduction in machine learning forecasting of employment level using the FRED big data

  • Choi, Ji-Eun;Shin, Dong Wan
    • Communications for Statistical Applications and Methods
    • /
    • 제26권5호
    • /
    • pp.497-506
    • /
    • 2019
  • Forecasting the U.S. employment level is made using machine learning methods of the artificial neural network: deep neural network, long short term memory (LSTM), gated recurrent unit (GRU). We consider the big data of the federal reserve economic data among which 105 important macroeconomic variables chosen by McCracken and Ng (Journal of Business and Economic Statistics, 34, 574-589, 2016) are considered as predictors. We investigate the influence of the two statistical issues of the dimension reduction and time series differencing on the machine learning forecast. An out-of-sample forecast comparison shows that (LSTM, GRU) with differencing performs better than the autoregressive model and the dimension reduction improves long-term forecasts and some short-term forecasts.

LSTM과 Bi-LSTM을 사용한 비주기성 시계열 데이터 예측 성능 비교 분석 (Comparative Analysis of Prediction Performance of Aperiodic Time Series Data using LSTM and Bi-LSTM)

  • 이주형;홍준기
    • 한국빅데이터학회지
    • /
    • 제7권2호
    • /
    • pp.217-224
    • /
    • 2022
  • 온라인 쇼핑의 대중화로 인해 많은 의류 상품이 온라인 쇼핑을 통해 소비된다. 의류 상품은 다른 상품과 달리 판매량이 일정하지 않고 날씨의 변화에 따라 판매량이 변화하는 특징이 있다. 따라서 의류 상품의 머신 러닝을 적용한 효율적인 재고 관리 시스템에 대한 연구는 매우 중요하다. 본 논문에서는 의류 업체 'A'로부터 실제 의류 상품 판매량 데이터를 수집하고 판매량 데이터와 같은 시계열 데이터의 예측에 많이 활용되는 LSTM(Long Short-Term Memory)과 Bidirectional-LSTM(Bi-LSTM)의 학습에 사용하여 LSTM과 Bi-LSTM의 판매량 예측 효율을 비교 분석하였다. 시뮬레이션 결과를 통해 LSTM 기술 대비 Bi-LSTM은 시뮬레이션 시간은 더 많이 소요되지만 의류 상품 판매량 데이터와 같은 비주기성 시계열 데이터의 예측 정확도가 동일하다는 것을 확인하였다.

Cross-Domain Text Sentiment Classification Method Based on the CNN-BiLSTM-TE Model

  • Zeng, Yuyang;Zhang, Ruirui;Yang, Liang;Song, Sujuan
    • Journal of Information Processing Systems
    • /
    • 제17권4호
    • /
    • pp.818-833
    • /
    • 2021
  • To address the problems of low precision rate, insufficient feature extraction, and poor contextual ability in existing text sentiment analysis methods, a mixed model account of a CNN-BiLSTM-TE (convolutional neural network, bidirectional long short-term memory, and topic extraction) model was proposed. First, Chinese text data was converted into vectors through the method of transfer learning by Word2Vec. Second, local features were extracted by the CNN model. Then, contextual information was extracted by the BiLSTM neural network and the emotional tendency was obtained using softmax. Finally, topics were extracted by the term frequency-inverse document frequency and K-means. Compared with the CNN, BiLSTM, and gate recurrent unit (GRU) models, the CNN-BiLSTM-TE model's F1-score was higher than other models by 0.0147, 0.006, and 0.0052, respectively. Then compared with CNN-LSTM, LSTM-CNN, and BiLSTM-CNN models, the F1-score was higher by 0.0071, 0.0038, and 0.0049, respectively. Experimental results showed that the CNN-BiLSTM-TE model can effectively improve various indicators in application. Lastly, performed scalability verification through a takeaway dataset, which has great value in practical applications.

Prediction Oil and Gas Throughput Using Deep Learning

  • Sangseop Lim
    • 한국컴퓨터정보학회논문지
    • /
    • 제28권5호
    • /
    • pp.155-161
    • /
    • 2023
  • 우리나라 수출의 97.5%, 수입의 87.2%가 해상운송으로 이뤄지며 항만이 한국 경제의 중요한 구성요소이다. 이러한 항만의 효율적인 운영을 위해서는 항만 물동량의 단기 예측을 통해 개선시킬 수가 있으며 과학적인 연구방법이 필요하다. 이전 연구는 주로 장기예측을 기반으로 대규모 인프라투자를 위한 연구에 중점을 두었으며 컨테이너 항만물동량에만 집중한 측면이 크다. 본 연구는 국내 대표적인 석유항만인 울산항의 석유 및 가스화물 물동량에 대한 단기 예측을 수행하였으며 딥러닝 모델인 LSTM(Long Short Term Memory) 모델을 사용하여 RMSE기준으로 예측성능을 확인하였다. 본 연구의 결과는 석유 및 가스화물 물동량 수요 예측의 정확도를 높여 항만 운영의 효율성을 개선하는 근거가 될 수 있을 것으로 기대된다. 또한 기존 연구의 한계로 컨테이너 항만 물동량뿐만 아니라 석유 및 가스화물 물동량 예측에도 LSTM의 활용할 수 있다는 가능성을 확인할 수 있으며 향후 추가 연구를 통해 일반화가 가능할 것으로 기대된다.

딥러닝을 이용한 풍력 발전량 예측 (Prediction of Wind Power Generation using Deep Learnning)

  • 최정곤;최효상
    • 한국전자통신학회논문지
    • /
    • 제16권2호
    • /
    • pp.329-338
    • /
    • 2021
  • 본 연구는 풍력발전의 합리적인 운영 계획과 에너지 저장창치의 용량산정을 위한 풍력 발전량을 예측한다. 예측을 위해 물리적 접근법과 통계적 접근법을 결합하여 풍력 발전량의 예측 방법을 제시하고 풍력 발전의 요인을 분석하여 변수를 선정한다. 선정된 변수들의 과거 데이터를 수집하여 딥러닝을 이용해 풍력 발전량을 예측한다. 사용된 모델은 Bidirectional LSTM(:Long short term memory)과 CNN(:Convolution neural network) 알고리즘을 결합한 하이브리드 모델을 구성하였으며, 예측 성능 비교를 위해 MLP 알고리즘으로 이루어진 모델과 오차를 비교하여, 예측 성능을 평가하고 그 결과를 제시한다.