• Title/Summary/Keyword: Long Short Term Memory (LSTM)

Search Result 495, Processing Time 0.031 seconds

Predicting the lateral displacement of tall buildings using an LSTM-based deep learning approach

  • Bubryur Kim;K.R. Sri Preethaa;Zengshun Chen;Yuvaraj Natarajan;Gitanjali Wadhwa;Hong Min Lee
    • Wind and Structures
    • /
    • v.36 no.6
    • /
    • pp.379-392
    • /
    • 2023
  • Structural health monitoring is used to ensure the well-being of civil structures by detecting damage and estimating deterioration. Wind flow applies external loads to high-rise buildings, with the horizontal force component of the wind causing structural displacements in high-rise buildings. This study proposes a deep learning-based predictive model for measuring lateral displacement response in high-rise buildings. The proposed long short-term memory model functions as a sequence generator to generate displacements on building floors depending on the displacement statistics collected on the top floor. The model was trained with wind-induced displacement data for the top floor of a high-rise building as input. The outcomes demonstrate that the model can forecast wind-induced displacement on the remaining floors of a building. Further, displacement was predicted for each floor of the high-rise buildings at wind flow angles of 0° and 45°. The proposed model accurately predicted a high-rise building model's story drift and lateral displacement. The outcomes of this proposed work are anticipated to serve as a guide for assessing the overall lateral displacement of high-rise buildings.

CRFs versus Bi-LSTM/CRFs: Automatic Word Spacing Perspective (CRFs와 Bi-LSTM/CRFs의 비교 분석: 자동 띄어쓰기 관점에서)

  • Yoon, Ho;Kim, Chang-Hyun;Cheon, Min-Ah;Park, Ho-min;Namgoong, Young;Choi, Minseok;Kim, Jae-Hoon
    • Annual Conference on Human and Language Technology
    • /
    • 2018.10a
    • /
    • pp.189-192
    • /
    • 2018
  • 자동 띄어쓰기란 컴퓨터를 사용하여 띄어쓰기가 수행되어 있지 않은 문장에 대해 띄어쓰기를 수행하는 것이다. 이는 자연언어처리 분야에서 형태소 분석 전에 수행되는 과정으로, 띄어쓰기에 오류가 발생할 경우, 형태소 분석이나 구문 분석 등에 영향을 주어 그 결과의 모호성을 높이기 때문에 매우 중요한 전처리 과정 중 하나이다. 본 논문에서는 기계학습의 방법 중 하나인 CRFs(Conditional Random Fields)를 이용하여 자동 띄어쓰기를 수행하고 심층 학습의 방법 중 하나인 양방향 LSTM/CRFs (Bidirectional Long Short Term Memory/CRFs)를 이용하여 자동 띄어쓰기를 수행한 뒤 각 모델의 성능을 비교하고 분석한다. CRFs 모델이 양방향 LSTM/CRFs모델보다 성능이 약간 더 높은 모습을 보였다. 따라서 소형 기기와 같은 환경에서는 CRF와 같은 모델을 적용하여 모델의 경량화 및 시간복잡도를 개선하는 것이 훨씬 더 효과적인 것으로 생각된다.

  • PDF

A Robust Energy Consumption Forecasting Model using ResNet-LSTM with Huber Loss

  • Albelwi, Saleh
    • International Journal of Computer Science & Network Security
    • /
    • v.22 no.7
    • /
    • pp.301-307
    • /
    • 2022
  • Energy consumption has grown alongside dramatic population increases. Statistics show that buildings in particular utilize a significant amount of energy, worldwide. Because of this, building energy prediction is crucial to best optimize utilities' energy plans and also create a predictive model for consumers. To improve energy prediction performance, this paper proposes a ResNet-LSTM model that combines residual networks (ResNets) and long short-term memory (LSTM) for energy consumption prediction. ResNets are utilized to extract complex and rich features, while LSTM has the ability to learn temporal correlation; the dense layer is used as a regression to forecast energy consumption. To make our model more robust, we employed Huber loss during the optimization process. Huber loss obtains high efficiency by handling minor errors quadratically. It also takes the absolute error for large errors to increase robustness. This makes our model less sensitive to outlier data. Our proposed system was trained on historical data to forecast energy consumption for different time series. To evaluate our proposed model, we compared our model's performance with several popular machine learning and deep learning methods such as linear regression, neural networks, decision tree, and convolutional neural networks, etc. The results show that our proposed model predicted energy consumption most accurately.

Image Captioning with Synergy-Gated Attention and Recurrent Fusion LSTM

  • Yang, You;Chen, Lizhi;Pan, Longyue;Hu, Juntao
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.16 no.10
    • /
    • pp.3390-3405
    • /
    • 2022
  • Long Short-Term Memory (LSTM) combined with attention mechanism is extensively used to generate semantic sentences of images in image captioning models. However, features of salient regions and spatial information are not utilized sufficiently in most related works. Meanwhile, the LSTM also suffers from the problem of underutilized information in a single time step. In the paper, two innovative approaches are proposed to solve these problems. First, the Synergy-Gated Attention (SGA) method is proposed, which can process the spatial features and the salient region features of given images simultaneously. SGA establishes a gated mechanism through the global features to guide the interaction of information between these two features. Then, the Recurrent Fusion LSTM (RF-LSTM) mechanism is proposed, which can predict the next hidden vectors in one time step and improve linguistic coherence by fusing future information. Experimental results on the benchmark dataset of MSCOCO show that compared with the state-of-the-art methods, the proposed method can improve the performance of image captioning model, and achieve competitive performance on multiple evaluation indicators.

Abnormal Electrocardiogram Signal Detection Based on the BiLSTM Network

  • Asif, Husnain;Choe, Tae-Young
    • International Journal of Contents
    • /
    • v.18 no.2
    • /
    • pp.68-80
    • /
    • 2022
  • The health of the human heart is commonly measured using ECG (Electrocardiography) signals. To identify any anomaly in the human heart, the time-sequence of ECG signals is examined manually by a cardiologist or cardiac electrophysiologist. Lightweight anomaly detection on ECG signals in an embedded system is expected to be popular in the near future, because of the increasing number of heart disease symptoms. Some previous research uses deep learning networks such as LSTM and BiLSTM to detect anomaly signals without any handcrafted feature. Unfortunately, lightweight LSTMs show low precision and heavy LSTMs require heavy computing powers and volumes of labeled dataset for symptom classification. This paper proposes an ECG anomaly detection system based on two level BiLSTM for acceptable precision with lightweight networks, which is lightweight and usable at home. Also, this paper presents a new threshold technique which considers statistics of the current ECG pattern. This paper's proposed model with BiLSTM detects ECG signal anomaly in 0.467 ~ 1.0 F1 score, compared to 0.426 ~ 0.978 F1 score of the similar model with LSTM except one highly noisy dataset.

Effectiveness of satellite-based vegetation index on distributed regional rainfall-runoff LSTM model (분포형 지역화 강우-유출 LSTM 모형에서의 위성기반 식생지수의 유효성)

  • Jeonghun Lee;Dongkyun Kim
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2023.05a
    • /
    • pp.230-230
    • /
    • 2023
  • 딥러닝 알고리즘 중 과거의 정보를 저장하는 문제(장기종속성 문제)가 있는 단순 RNN(Simple Recurrent Neural Network)의 단점을 해결한 LSTM(Long short-term memory)이 등장하면서 특정한 유역의 강우-유출 모형을 구축하는 연구가 증가하고 있다. 그러나 하나의 모형으로 모든 유역에 대한 유출을 예측하는 지역화 강우-유출 모형은 서로 다른 유역의 식생, 지형 등의 차이에서 발생하는 수문학적 행동의 차이를 학습해야 하므로 모형 구축에 어려움이 있다. 따라서, 본 연구에서는 국내 12개의 유역에 대하여 LSTM 기반 분포형 지역화 강우-유출 모형을 구축한 이후 강우 이외의 보조 자료에 따른 정확도를 살펴보았다. 국내 12개 유역의 7년 (2012.01.01-2018.12.31) 동안의 49개 격자(4km2)에 대한 10분 간격 레이더 강우, MODIS 위성 이미지 영상을 활용한 식생지수 (Normalized Difference Vegetation Index), 10분 간격 기온, 유역 평균 경사, 단순 하천 경사를 입력자료로 활용하였으며 10분 간격 유량 자료를 출력 자료로 사용하여 LSTM 기반 분포형 지역화 강우-유출 모형을 구축하였다. 이후 구축된 모형의 성능을 검증하기 위해 학습에 사용되지 않은 3개의 유역에 대한 자료를 활용하여 Nash-Sutcliffe Model Efficiency Coefficient (NSE)를 확인하였다. 식생지수를 보조 자료를 활용하였을 경우 제안한 모형은 3개의 검증 유역에 대하여 하천 흐름을 높은 정확도로 예측하였으며 딥러닝 모형이 위성 자료를 통하여 식생에 의한 차단 및 토양 침투와 같은 동적 요소의 학습이 가능함을 나타낸다.

  • PDF

Flood Predicion of Dorimcheon Stream basin using LSTM (LSTM 기법을 이용한 도림천 유역의 침수 예측)

  • Se Dong Jang;Byunghyun Kim
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2023.05a
    • /
    • pp.513-513
    • /
    • 2023
  • 최근 이상기후의 영향으로 국지성 및 집중호우로 인한 침수 피해가 증가하고 있다. 도시유역의 홍수는 사회적·경제적으로 큰 손실을 야기할 수 있어 실제 호우에 대한 침수 양상을 신속하게 예측하는것은 매우 중요하다. 이로 인해 침수 해석에 대한 결과를 빨리 제공할 수 있는 기계학습을 기반으로 한 도시 홍수 분석에 대한 연구가 증가하고 있다. 본 연구에서 적용한 LSTM(Long Short-Term Memory) 신경망은 기존 RNN(Recurrent neural network)이 가지고 있는 장기 의존성 문제를 해결하기 위해 고안된 모델으로 시계열 데이터에 대한 예측능력이 뛰어나다는 장점을 가지고있다. LSTM 신경망은 강우에 대한 격자별 침수심을 예측하기 위해 사용되었으며, 입력자료로 2000~2022년도에 걸친 도림천 유역의 침수피해를 야기한 지속시간 6시간 AWS(Automatic Weather System) 관측 강우 자료를 사용하였고 목표값으로 수집된 도림천 유역의 강우자료를 이용하여 SWMM(Storm Water Management Model)의 유출 결과를 바탕으로 수행된 2차원 침수해석 모의 결과를 사용하였다. 연구유역의 SWMM 배수 관망 입력자료의 정확성을 높이기 위해 서울시 하수관로 수위 현황 자료를 활용하여 매개변수 조정을 실시하였으며, 하수관로의 실측 수위와 모의 수위를 일치시켰다. LSTM 신경망을 이용하여 격자별로 예측된 침수심 데이터를 시각화하여 침수흔적도와 비교하였다.

  • PDF

Evaluation of multi-basin integrated learning method of LSTM for hydrological time series prediction (수문 시계열 예측을 위한 LSTM의 다지점 통합 학습 방안 평가)

  • Choi, Jeonghyeon;Won, Jeongeun;Jung, Haeun;Kim, Sangdan
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2022.05a
    • /
    • pp.366-366
    • /
    • 2022
  • 유역의 하천유량과 같은 수문 시계열을 모의 또는 예측하기 위한 수문 모델링에서 최근 기계 학습 방법을 활용한 연구가 활발하게 적용되고 있는 추세이다. 이러한 데이터 기반 모델링 접근법은 입출력 자료에서 관찰된 패턴을 학습하며, 특히, 장단기기억(Long Short-Term Memory, LSTM) 네트워크는 많은 연구에서 수문 시계열 예측에 대한 적용성이 검증되었으나, 장기간의 고품질 관측자료를 활용할 때 더 나은 예측성능을 보인다. 그러나 우리나라의 경우 장기간 관측된 고품질의 하천유량 자료를 확보하기 어려운 실정이다. 따라서 본 연구에서는 LSTM 네트워크의 학습 시 가용한 모든 유역의 자료를 통합하여 학습시켰을 때 하천유량 예측성능을 개선할 수 있는지 판단해보고자 하였다. 이를 위해, 우리나라 13개 댐 유역을 대상으로 대상 유역의 자료만을 학습한 모델의 예측성능과 모든 유역의 자료를 학습한 모델의 예측성능을 비교해 보았다. 학습은 2001년부터 2010년까지 기상자료(강우, 최저·최고·평균기온, 상대습도, 이슬점, 풍속, 잠재증발산)를 이용하였으며, 2011년부터 2020년에 대해 테스트 되었다. 다지점 통합학습을 통해 테스트 기간에 대해 예측된 각 유역의 일 하천유량의 KGE 중앙값이 0.74로 단일지점 학습을 통해 예측된 KGE(0.72)보다 다소 개선된 결과를 보여주었다. 다지점 통합학습이 하천유량 예측에 큰 개선을 달성하지는 못하였으며, 추가적인 가용 자료 확보와 LSTM 구성의 개선을 통해 추가적인 연구가 필요할 것으로 판단된다.

  • PDF

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

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

  • PDF

Future inflow projection based on Bayesian optimization for hyper-parameters (하이퍼매개변수 베이지안 최적화 기법을 적용한 미래 유입량 예측)

  • Tran, Trung Duc;Kim, Jongho
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2022.05a
    • /
    • pp.347-347
    • /
    • 2022
  • 최근 데이터 사이언스의 비약적인 발전과 함께 다양한 형태의 딥러닝 알고리즘이 개발되어 수자원 분야에도 적용되고 있다. 이 연구에서는 LSTM(Long Short-Term Memory) 네트워크와 BO-LSTM이라는 베이지안 최적화(BO) 기술을 결합하여 일단위 앙상블 미래 댐유입량을 projection하는 딥 러닝 모델을 제안하였다. BO-LSTM 하이퍼파라미터 및 손실 함수는 베이지안 최적화 기법을 통해 훈련 및 최적화되며, BO 접근법은 모델의 하이퍼파라미터와 손실 함수를 높은 정확도로 빠르게 최적화할 수 있었다(R=0.92 및 NSE=0.85). 또한 미래 댐 유입량을 예측하기 위한 LSTM의 구조는 Forecasting 모형과 Proiection 모형으로 구분하여 두 모형의 장단점을 분석하였으며, 본 연구의 결과로부터 데이터 처리 단계가 모델 훈련의 효율성을 높이고 노이즈를 줄이는 데 효과적이고 미래 예측에 있어 LSTM 구조에 따른 영향을 확인할 수 있었다. 본 연구는 소양강 유역, 2020-2100년 기간 동안의 미래 예측에 적용되었다. 전반적으로, CIMIP6 데이터에 따르면 10%에서 50%의 미래 유입량 증가가 발생하는 것으로 확인되었으며, 이는 미래 강수량의 증가의 폭과 유사함을 확인하였다. 유입량 산정에 있어 신뢰할 수 있는 예측은 저수지 운영, 계획 및 관리에 있어 정책 입안자와 운영자에게 도움이 될 것입니다.

  • PDF