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

Search Result 508, Processing Time 0.029 seconds

SHAP-based Explainable Photovoltaic Power Forecasting Scheme Using LSTM (LSTM을 사용한 SHAP 기반의 설명 가능한 태양광 발전량 예측 기법)

  • Park, Sungwoo;Noh, Yoona;Jung, Seungmin;Hwang, Eenjun
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.11a
    • /
    • pp.845-848
    • /
    • 2021
  • 최근 화석연료의 급격한 사용에 따른 자원고갈이나 환경오염과 같은 문제들이 심각해짐에 따라 화석연료를 대체할 수 있는 신재생에너지에 대한 관심이 높아지고 있다. 태양광 에너지는 다른 에너지원에 비해 고갈의 우려가 없고, 부지 선정의 제약이 크지 않아 수요가 증가하고 있다. 태양광 발전 시스템에서 생산된 전력을 효과적으로 사용하기 위해서는 태양광 발전량에 대한 정확한 예측 모델이 필요하다. 이를 위한 다양한 딥러닝 기반의 예측 모델들이 제안되었지만, 이러한 모델들은 모델 내부에서 일어나는 의사결정 과정을 들여다보기가 어렵다. 의사결정에 대한 설명이 없다면 예측 모델의 결과를 완전히 신뢰하고 사용하는 데 제약이 따른다. 이런 문제를 위해서 최근 주목을 받는 설명 가능한 인공지능 기술을 사용한다면, 예측 모델의 결과 도출에 대한 해석을 제공할 수 있어 모델의 신뢰성을 확보할 수 있을 뿐만 아니라 모델의 성능 향상을 기대할 수도 있다. 이에 본 논문에서는 Long Short-Term Memory(LSTM)을 사용하여 모델을 구성하고, 모델에서 어떻게 예측값이 도출되었는지를 SHapley Additive exPlanation(SHAP)을 통하여 설명하는 태양광 발전량 예측 기법을 제안한다.

CNN-LSTM based Autonomous Driving Technology (CNN-LSTM 기반의 자율주행 기술)

  • Ga-Eun Park;Chi Un Hwang;Lim Se Ryung;Han Seung Jang
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.18 no.6
    • /
    • pp.1259-1268
    • /
    • 2023
  • This study proposes a throttle and steering control technology using visual sensors based on deep learning's convolutional and recurrent neural networks. It collects camera image and control value data while driving a training track in clockwise and counterclockwise directions, and generates a model to predict throttle and steering through data sampling and preprocessing for efficient learning. Afterward, the model was validated on a test track in a different environment that was not used for training to find the optimal model and compare it with a CNN (Convolutional Neural Network). As a result, we found that the proposed deep learning model has excellent performance.

Point of Interest Recommendation System Using Sentiment Analysis

  • Gaurav Meena;Ajay Indian;Krishna Kumar Mohbey;Kunal Jangid
    • Journal of Information Science Theory and Practice
    • /
    • v.12 no.2
    • /
    • pp.64-78
    • /
    • 2024
  • Sentiment analysis is one of the promising approaches for developing a point of interest (POI) recommendation system. It uses natural language processing techniques that deploy expert insights from user-generated content such as reviews and feedback. By applying sentiment polarities (positive, negative, or neutral) associated with each POI, the recommendation system can suggest the most suitable POIs for specific users. The proposed study combines two models for POI recommendation. The first model uses bidirectional long short-term memory (BiLSTM) to predict sentiments and is trained on an election dataset. It is observed that the proposed model outperforms existing models in terms of accuracy (99.52%), precision (99.53%), recall (99.51%), and F1-score (99.52%). Then, this model is used on the Foursquare dataset to predict the class labels. Following this, user and POI embeddings are generated. The next model recommends the top POIs and corresponding coordinates to the user using the LSTM model. Filtered user interest and locations are used to recommend POIs from the Foursquare dataset. The results of our proposed model for the POI recommendation system using sentiment analysis are compared to several state-of-the-art approaches and are found quite affirmative regarding recall (48.5%) and precision (85%). The proposed system can be used for trip advice, group recommendations, and interesting place recommendations to specific users.

Analysis of wind farm power prediction sensitivity for wind speed error using LSTM deep learning model (LSTM 딥러닝 신경망 모델을 이용한 풍력발전단지 풍속 오차에 따른 출력 예측 민감도 분석)

  • Minsang Kang;Eunkuk Son;Jinjae Lee;Seungjin Kang
    • Journal of Wind Energy
    • /
    • v.15 no.2
    • /
    • pp.10-22
    • /
    • 2024
  • This research is a comprehensive analysis of wind power prediction sensitivity using a Long Short-Term Memory (LSTM) deep learning neural network model, accounting for the inherent uncertainties in wind speed estimation. Utilizing a year's worth of operational data from an operational wind farm, the study forecasts the power output of both individual wind turbines and the farm collectively. Predictions were made daily at intervals of 10 minutes and 1 hour over a span of three months. The model's forecast accuracy was evaluated by comparing the root mean square error (RMSE), normalized RMSE (NRMSE), and correlation coefficients with actual power output data. Moreover, the research investigated how inaccuracies in wind speed inputs affect the power prediction sensitivity of the model. By simulating wind speed errors within a normal distribution range of 1% to 15%, the study analyzed their influence on the accuracy of power predictions. This investigation provided insights into the required wind speed prediction error rate to achieve an 8% power prediction error threshold, meeting the incentive standards for forecasting systems in renewable energy generation.

Dynamic Analytic Data Preprocessing Techniques for Malware Detection (악성코드 탐지를 위한 동적 분석 데이터 전처리 기법)

  • Hae-Soo Kim;Mi-Hui Kim
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2023.11a
    • /
    • pp.230-231
    • /
    • 2023
  • 악성코드를 탐지하는 기법 중 동적 분석데이터와 같은 시계열 데이터는 프로그램마다 호출되는 API의 수가 모두 다르다. 하지만 딥러닝 모델을 통해 분석할 때는 모델의 입력이 되는 데이터의 크기가 모두 같아야 한다. 이에 본 논문은 TF-IDF(Term Frequency-Inverse Document Frequency)와 슬라이딩 윈도우 기법을 이용해 프로그램의 동적 특성을 유지하면서 데이터의 길이를 일정하게 만들 수 있는 전처리 기법과 LSTM(Long Short-Term Memory) 모델을 통해 정확도(Accuracy) 95.89%, 재현율(Recall) 97.08%, 정밀도(Precision) 95.9%, F1-score 96.48%를 달성했다.

Comparative analysis of simulated runoff extreme values of SWAT and LSTM (SWAT 및 LSTM의 모의 유출량 극값 비교분석)

  • Chae, Seung Taek;Song, Young Hoon;Kim, Jin Hyuck;Chung, Eun-Sung
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2022.05a
    • /
    • pp.365-365
    • /
    • 2022
  • 강우에 따른 유역 내 유출량은 수문순환에서 중요한 요소 중 하나이며, 과거부터 강우-유출 모델링을 위한 여러 물리적 수문모형들이 개발되어왔다. 또한 최근 딥러닝 기술을 기반으로한 강우-유출 모델링 접근 방식이 유효함을 입증하는 여러 연구가 수행됨에 따라 딥러닝을 기반으로한 유출량 모의 연구도 활발히 진행되고 있다. 따라서 본 연구에서는 물리적 수문모형인 SWAT(Soil Water Assessment Tool)과 딥러닝 기법 중 하나인 LSTM(Long Short-Term Memory)을 사용하여 연구대상지 유출량을 모의했으며, 두 모형에 의해 모의 된 유출량의 극값을 비교 분석했다. 연구대상지로는 영산강 유역을 선정했으며, 영산강 유역의 과거 기간의 기후 변수 모의를 위해 CMIP(Coupled Model Intercomparison Project)6 GCM(General Circulation Model)을 사용했다. GCM을 사용하여 모의 된 기후 변수들은 영산강 유역 내 기상관측소의 과거 기간 관측 값을 기반으로 분위사상법을 사용하여 편이보정 됐다. GCM에 의해 모의 된 기후 변수 및 SWAT, LSTM에 의해 모의 된 유출량은 각각 영산강 유역 내 기상관측소 및 수위관측소의 관측 값을 기반으로 재현성을 평가했다. SWAT 및 LSTM을 사용하여 모의 된 유출량의 극값은 GEV(General Extreme Value) 분포를 사용하여 추정하였다. 결과적으로 GCM의 기후 변수 모의 성능은 과거 기간 관측 값과 비교했을 때 편이보정 후에서 상당히 향상되었다. 유출량 모의 결과의 경우 과거 기간 유출량의 관측 값과 비교했을 때 LSTM의 모의 유출량이 SWAT보다 과거 기간 유출량을 보다 근접하게 모의했으며, 극값 모의 성능의 경우 또한 LSTM이 SWAT보다 높은 성능을 보였다.

  • PDF

Efficient Hyperplane Generation Techniques for Human Activity Classification in Multiple-Event Sensors Based Smart Home (다중 이벤트 센서 기반 스마트 홈에서 사람 행동 분류를 위한 효율적 의사결정평면 생성기법)

  • Chang, Juneseo;Kim, Boguk;Mun, Changil;Lee, Dohyun;Kwak, Junho;Park, Daejin;Jeong, Yoosoo
    • IEMEK Journal of Embedded Systems and Applications
    • /
    • v.14 no.5
    • /
    • pp.277-286
    • /
    • 2019
  • In this paper, we propose an efficient hyperplane generation technique to classify human activity from combination of events and sequence information obtained from multiple-event sensors. By generating hyperplane efficiently, our machine learning algorithm classify with less memory and run time than the LSVM (Linear Support Vector Machine) for embedded system. Because the fact that light weight and high speed algorithm is one of the most critical issue in the IoT, the study can be applied to smart home to predict human activity and provide related services. Our approach is based on reducing numbers of hyperplanes and utilizing robust string comparing algorithm. The proposed method results in reduction of memory consumption compared to the conventional ML (Machine Learning) algorithms; 252 times to LSVM and 34,033 times to LSTM (Long Short-Term Memory), although accuracy is decreased slightly. Thus our method showed outstanding performance on accuracy per hyperplane; 240 times to LSVM and 30,520 times to LSTM. The binarized image is then divided into groups, where each groups are converted to binary number, in order to reduce the number of comparison done in runtime process. The binary numbers are then converted to string. The test data is evaluated by converting to string and measuring similarity between hyperplanes using Levenshtein algorithm, which is a robust dynamic string comparing algorithm. This technique reduces runtime and enables the proposed algorithm to become 27% faster than LSVM, and 90% faster than LSTM.

Long term discharge simulation using an Long Short-Term Memory(LSTM) and Multi Layer Perceptron(MLP) artificial neural networks: Forecasting on Oshipcheon watershed in Samcheok (장단기 메모리(LSTM) 및 다층퍼셉트론(MLP) 인공신경망 앙상블을 이용한 장기 강우유출모의: 삼척 오십천 유역을 대상으로)

  • Sung Wook An;Byng Sik Kim
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2023.05a
    • /
    • pp.206-206
    • /
    • 2023
  • 지구온난화로 인한 기후변화에 따라 평균강수량과 증발량이 증가하며 강우지역 집중화와 강우강도가 높아질 가능성이 크다. 우리나라의 경우 협소한 국토면적과 높은 인구밀도로 기후변동의 영향이 크기 때문에 한반도에 적합한 유역규모의 수자원 예측과 대응방안을 마련해야 한다. 이를 위한 수자원 관리를 위해서는 유역에서 강수량, 유출량, 증발량 등의 장기적인 자료가 필요하며 경험식, 물리적 강우-유출 모형 등이 사용되었고, 최근들어 연구의 확장성과 비 선형성 등을 고려하기 위해 딥러닝등 인공지능 기술들이 접목되고 있다. 본 연구에서는 ASOS(동해, 태백)와 AWS(삼척, 신기, 도계) 5곳의 관측소에서 2011년~2020년까지의 일 단위 기상관측자료를 수집하고 WAMIS에서 같은 기간의 오십천 하구 일 유출량 자료를 수집 후 5개 관측소를 기준으로Thiessen 면적비를 적용해 기상자료를 구축했으며 Angstrom & Hargreaves 공식으로 잠재증발산량 산정해 3개의 모델에 각각 기상자료(일 강수량, 최고기온, 최대 순간 풍속, 최저기온, 평균풍속, 평균기온), 일 강수량과 잠재증발산량, 일 강수량 - 잠재증발산량을 학습 후 관측 유출량과 비교결과 기상자료(일 강수량, 최고기온, 최대 순간 풍속, 최저기온, 평균풍속, 평균기온)로 학습한 모델성능이 가장 높아 최적 모델로 선정했으며 일, 월, 연 관측유출량 시계열과 비교했다. 또한 같은 학습자료를 사용해 다층 퍼셉트론(Multi Layer Perceptron, MLP) 앙상블 모델을 구축하여 수자원 분야에서의 인공지능 활용성을 평가했다.

  • PDF

Deep Learning Forecast model for City-Gas Acceptance Using Extranoues variable (외재적 변수를 이용한 딥러닝 예측 기반의 도시가스 인수량 예측)

  • Kim, Ji-Hyun;Kim, Gee-Eun;Park, Sang-Jun;Park, Woon-Hak
    • Journal of the Korean Institute of Gas
    • /
    • v.23 no.5
    • /
    • pp.52-58
    • /
    • 2019
  • In this study, we have developed a forecasting model for city- gas acceptance. City-gas corporations have to report about city-gas sale volume next year to KOGAS. So it is a important thing to them. Factors influenced city-gas have differences corresponding to usage classification, however, in city-gas acceptence, it is hard to classificate. So we have considered tha outside temperature as factor that influence regardless of usage classification and the model development was carried out. ARIMA, one of the traditional time series analysis, and LSTM, a deep running technique, were used to construct forecasting models, and various Ensemble techniques were used to minimize the disadvantages of these two methods.Experiments and validation were conducted using data from JB Corp. from 2008 to 2018 for 11 years.The average of the error rate of the daily forecast was 0.48% for Ensemble LSTM, the average of the error rate of the monthly forecast was 2.46% for Ensemble LSTM, And the absolute value of the error rate is 5.24% for Ensemble LSTM.

A Study on the Hyper-parameter Optimization of Bitcoin Price Prediction LSTM Model (비트코인 가격 예측을 위한 LSTM 모델의 Hyper-parameter 최적화 연구)

  • Kim, Jun-Ho;Sung, Hanul
    • Journal of the Korea Convergence Society
    • /
    • v.13 no.4
    • /
    • pp.17-24
    • /
    • 2022
  • Bitcoin is a peer-to-peer cryptocurrency designed for electronic transactions that do not depend on the government or financial institutions. Since Bitcoin was first issued, a huge blockchain financial market has been created, and as a result, research to predict Bitcoin price data using machine learning has been increasing. However, the inefficient Hyper-parameter optimization process of machine learning research is interrupting the progress of the research. In this paper, we analyzes and presents the direction of Hyper-parameter optimization through experiments that compose the entire combination of the Timesteps, the number of LSTM units, and the Dropout ratio among the most representative Hyper-parameter and measure the predictive performance for each combination based on Bitcoin price prediction model using LSTM layer.