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

Search Result 519, Processing Time 0.027 seconds

Performance Evaluation of Concrete Drying Shrinkage Prediction Using DNN and LSTM (DNN과 LSTM을 활용한 콘크리트의 건조수축량 예측성능 평가)

  • Han, Jun-Hui;Lim, Gun-Su;Lee, Hyeon-Jik;Park, Jae-Woong;Kim, Jong;Han, Min-Cheol
    • Proceedings of the Korean Institute of Building Construction Conference
    • /
    • 2023.05a
    • /
    • pp.179-180
    • /
    • 2023
  • In this study, the performance of the prediction model was compared and analyzed using DNN and LSTM learning models to predict the amount of dry shrinkage of the concrete. As a result of the analysis, DNN model had a high error rate of about 51%, indicating overfitting to the training data. But, the LSTM learning model showed a relatively higher accuracy with an error rate of 12% compared to the DNN model. Also, the Pre_LSTM model which preprocess data, showed the performance with an error rate of 9% and a coefficient of determination of 0.887 in the LSTM learning model.

  • PDF

Context-Aware Mobile User Authentication Approach using LSTM networks (LSTM 신경망을 활용한 맥락 기반 모바일 사용자 인증 기법)

  • Nam, Sangjin;Kim, Suntae;Shin, Jung-Hoon
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.20 no.1
    • /
    • pp.11-18
    • /
    • 2020
  • This study aims to complement the poor performance of existing context-aware authentication techniques in the mobile environment. The data used are GPS, Call Detail Record(CDR) and app usage. locational classification according to GPS density was implemented in order to distinguish other people in populated areas in the processing of GPS. It also handles missing values that may occur in data collection. The authentication model consists of two long-short term memory(LSTM) and one Artificial Neural Network(ANN) that aggregates the results, which produces authentication scores. In this paper, we compare the accuracy of this technique with that of other studies. Then compare the number of authentication attempts required to detect someone else's authentication. As a result, we achieved an average 11.6% improvement in accuracy and faster detection of approximately 60% of the experimental data.

A Text Sentiment Classification Method Based on LSTM-CNN

  • Wang, Guangxing;Shin, Seong-Yoon;Lee, Won Joo
    • Journal of the Korea Society of Computer and Information
    • /
    • v.24 no.12
    • /
    • pp.1-7
    • /
    • 2019
  • With the in-depth development of machine learning, the deep learning method has made great progress, especially with the Convolution Neural Network(CNN). Compared with traditional text sentiment classification methods, deep learning based CNNs have made great progress in text classification and processing of complex multi-label and multi-classification experiments. However, there are also problems with the neural network for text sentiment classification. In this paper, we propose a fusion model based on Long-Short Term Memory networks(LSTM) and CNN deep learning methods, and applied to multi-category news datasets, and achieved good results. Experiments show that the fusion model based on deep learning has greatly improved the precision and accuracy of text sentiment classification. This method will become an important way to optimize the model and improve the performance of the model.

External Noise Reduction with LSTM-Based ANC (LSTM 기반 ANC를 이용한 외부 소음 저감에 관한 연구)

  • Jun-Yeong Jang;Hyun-Jun Cho;Hwan-Woong Kim;Seung-Hun Kang;Jeong-Min Kim
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2023.11a
    • /
    • pp.1108-1109
    • /
    • 2023
  • 본 논문은 선박 내부 소음을 효과적으로 감소시키기 위한 ANC(Active Noise Cancellation)및 인공 지능 (AI) 결합 시스템의 개발과 적용에 관한 연구를 다룬다. 선박 환경에서의 소음은 승원의 스트레스 증가와 불편을 초래하므로, 이를 해결하기 위한 방법을 제안하고자 한다. 외부 소음과 내부 소음 데이터를 수집하고, STFT(Short-Time Fourier Transform)알고리즘을 통해 소음 데이터를 분석 가능한 형태로 전처리한다. 그 후, LSTM(Long Short-Term Memory)알고리즘을 사용하여 선박 외부에서 발생한 소음을 입력으로 받아 내부에서 들리는 외부 소음을 예측하고 제어하는 모델을 훈련시킨다. 이후 최적화 과정을 거쳐 예측 소음의 반대 파형을 생성 및 출력을 통해 ANC 를 구현한다.

Time-Series Estimation based AI Algorithm for Energy Management in a Virtual Power Plant System

  • Yeonwoo LEE
    • Korean Journal of Artificial Intelligence
    • /
    • v.12 no.1
    • /
    • pp.17-24
    • /
    • 2024
  • This paper introduces a novel approach to time-series estimation for energy load forecasting within Virtual Power Plant (VPP) systems, leveraging advanced artificial intelligence (AI) algorithms, namely Long Short-Term Memory (LSTM) and Seasonal Autoregressive Integrated Moving Average (SARIMA). Virtual power plants, which integrate diverse microgrids managed by Energy Management Systems (EMS), require precise forecasting techniques to balance energy supply and demand efficiently. The paper introduces a hybrid-method forecasting model combining a parametric-based statistical technique and an AI algorithm. The LSTM algorithm is particularly employed to discern pattern correlations over fixed intervals, crucial for predicting accurate future energy loads. SARIMA is applied to generate time-series forecasts, accounting for non-stationary and seasonal variations. The forecasting model incorporates a broad spectrum of distributed energy resources, including renewable energy sources and conventional power plants. Data spanning a decade, sourced from the Korea Power Exchange (KPX) Electrical Power Statistical Information System (EPSIS), were utilized to validate the model. The proposed hybrid LSTM-SARIMA model with parameter sets (1, 1, 1, 12) and (2, 1, 1, 12) demonstrated a high fidelity to the actual observed data. Thus, it is concluded that the optimized system notably surpasses traditional forecasting methods, indicating that this model offers a viable solution for EMS to enhance short-term load forecasting.

Prediction of Distillation Column Temperature Using Machine Learning and Data Preprocessing (머신 러닝과 데이터 전처리를 활용한 증류탑 온도 예측)

  • Lee, Yechan;Choi, Yeongryeol;Cho, Hyungtae;Kim, Junghwan
    • Korean Chemical Engineering Research
    • /
    • v.59 no.2
    • /
    • pp.191-199
    • /
    • 2021
  • A distillation column, which is a main facility of the chemical process, separates the desired product from a mixture by using the difference of boiling points. The distillation process requires the optimization and the prediction of operation because it consumes much energy. The target process of this study is difficult to operate efficiently because the composition of feed flow is not steady according to the supplier. To deal with this problem, we could develop a data-driven model to predict operating conditions. However, data preprocessing is essential to improve the predictive performance of the model because the raw data contains outlier and noise. In this study, after optimizing the predictive model based long-short term memory (LSTM) and Random forest (RF), we used a low-pass filter and one-class support vector machine for data preprocessing and compared predictive performance according to the method and range of the preprocessing. The performance of the predictive model and the effect of the preprocessing is compared by using R2 and RMSE. In the case of LSTM, R2 increased from 0.791 to 0.977 by 23.5%, and RMSE decreased from 0.132 to 0.029 by 78.0%. In the case of RF, R2 increased from 0.767 to 0.938 by 22.3%, and RMSE decreased from 0.140 to 0.050 by 64.3%.

Prediction of Salinity of Nakdong River Estuary Using Deep Learning Algorithm (LSTM) for Time Series Analysis (시계열 분석 딥러닝 알고리즘을 적용한 낙동강 하굿둑 염분 예측)

  • Woo, Joung Woon;Kim, Yeon Joong;Yoon, Jong Sung
    • Journal of Korean Society of Coastal and Ocean Engineers
    • /
    • v.34 no.4
    • /
    • pp.128-134
    • /
    • 2022
  • Nakdong river estuary is being operated with the goal of expanding the period of seawater inflow from this year to 2022 every month and creating a brackish water area within 15 km of the upstream of the river bank. In this study, the deep learning algorithm Long Short-Term Memory (LSTM) was applied to predict the salinity of the Nakdong Bridge (about 5 km upstream of the river bank) for the purpose of rapid decision making for the target brackish water zone and prevention of salt water damage. Input data were constructed to reflect the temporal and spatial characteristics of the Nakdong River estuary, such as the amount of discharge from Changnyeong and Hamanbo, and an optimal model was constructed in consideration of the hydraulic characteristics of the Nakdong River Estuary by changing the degree according to the sequence length. For prediction accuracy, statistical analysis was performed using the coefficient of determination (R-squred) and RMSE (root mean square error). When the sequence length was 12, the R-squred 0.997 and RMSE 0.122 were the highest, and the prior prediction time showed a high degree of R-squred 0.93 or more until the 12-hour interval.

Hourly Water Level Simulation in Tancheon River Using an LSTM (LSTM을 이용한 탄천에서의 시간별 하천수위 모의)

  • Park, Chang Eon
    • Journal of The Korean Society of Agricultural Engineers
    • /
    • v.66 no.4
    • /
    • pp.51-57
    • /
    • 2024
  • This study was conducted on how to simulate runoff, which was done using existing physical models, using an LSTM (Long Short-Term Memory) model based on deep learning. Tancheon, the first tributary of the Han River, was selected as the target area for the model application. To apply the model, one water level observatory and four rainfall observatories were selected, and hourly data from 2020 to 2023 were collected to apply the model. River water level of the outlet of the Tancheon basin was simulated by inputting precipitation data from four rainfall observation stations in the basin and average preceding 72-hour precipitation data for each hour. As a result of water level simulation using 2021 to 2023 data for learning and testing with 2020 data, it was confirmed that reliable simulation results were produced through appropriate learning steps, reaching a certain mean absolute error in a short period time. Despite the short data period, it was found that the mean absolute percentage error was 0.5544~0.6226%, showing an accuracy of over 99.4%. As a result of comparing the simulated and observed values of the rapidly changing river water level during a specific heavy rain period, the coefficient of determination was found to be 0.9754 and 0.9884. It was determined that the performance of LSTM, which aims to simulate river water levels, could be improved by including preceding precipitation in the input data and using precipitation data from various rainfall observation stations within the basin.

Deep learning model that considers the long-term dependency of natural language (자연 언어의 장기 의존성을 고려한 심층 학습 모델)

  • Park, Chan-Yong;Choi, Ho-Jin
    • Annual Conference on Human and Language Technology
    • /
    • 2018.10a
    • /
    • pp.281-284
    • /
    • 2018
  • 본 논문에서는 machine reading 분야에서 기존의 long short-term memory (LSTM) 모델이 가지는 문제점을 해결하는 새로운 네트워크를 제안하고자 한다. 기존의 LSTM 모델은 크게 두가지 제한점을 가지는데, 그 중 첫째는 forget gate로 인해 잊혀진 중요한 문맥 정보들이 복원될 수 있는 방법이 없다는 것이다. 자연어에서 과거의 문맥 정보에 따라 현재의 단어의 의미가 크게 좌지우지될 수 있으므로 올바른 문장의 이해를 위해 필요한 과거 문맥의 정보 유지는 필수적이다. 또 다른 문제는 자연어는 그 자체로 단어들 간의 복잡한 구조를 통해 문장이 이루어지는 반면 기존의 시계열 모델들은 단어들 간의 관계를 추론할 수 있는 직접적인 방법을 가지고 있지 않다는 것이다. 본 논문에서는 최근 딥 러닝 분야에서 널리 쓰이는 attention mechanism과 본 논문이 제안하는 restore gate를 결합한 네트워크를 통해 상기 문제를 해결하고자 한다. 본 논문의 실험에서는 기존의 다른 시계열 모델들과 비교를 통해 제안한 모델의 우수성을 확인하였다.

  • PDF

State of Health Estimation for Lithium-Ion Batteries Using Long-term Recurrent Convolutional Network (LRCN을 이용한 리튬 이온 배터리의 건강 상태 추정)

  • Hong, Seon-Ri;Kang, Moses;Jeong, Hak-Geun;Baek, Jong-Bok;Kim, Jong-Hoon
    • The Transactions of the Korean Institute of Power Electronics
    • /
    • v.26 no.3
    • /
    • pp.183-191
    • /
    • 2021
  • A battery management system (BMS) provides some functions for ensuring safety and reliability that includes algorithms estimating battery states. Given the changes caused by various operating conditions, the state-of-health (SOH), which represents a figure of merit of the battery's ability to store and deliver energy, becomes challenging to estimate. Machine learning methods can be applied to perform accurate SOH estimation. In this study, we propose a Long-Term Recurrent Convolutional Network (LRCN) that combines the Convolutional Neural Network (CNN) and Long Short-term Memory (LSTM) to extract aging characteristics and learn temporal mechanisms. The dataset collected by the battery aging experiments of NASA PCoE is used to train models. The input dataset used part of the charging profile. The accuracy of the proposed model is compared with the CNN and LSTM models using the k-fold cross-validation technique. The proposed model achieves a low RMSE of 2.21%, which shows higher accuracy than others in SOH estimation.