• 제목/요약/키워드: CNN-LSTM Neural Network

검색결과 107건 처리시간 0.018초

A Novel Framework Based on CNN-LSTM Neural Network for Prediction of Missing Values in Electricity Consumption Time-Series Datasets

  • Hussain, Syed Nazir;Aziz, Azlan Abd;Hossen, Md. Jakir;Aziz, Nor Azlina Ab;Murthy, G. Ramana;Mustakim, Fajaruddin Bin
    • Journal of Information Processing Systems
    • /
    • 제18권1호
    • /
    • pp.115-129
    • /
    • 2022
  • Adopting Internet of Things (IoT)-based technologies in smart homes helps users analyze home appliances electricity consumption for better overall cost monitoring. The IoT application like smart home system (SHS) could suffer from large missing values gaps due to several factors such as security attacks, sensor faults, or connection errors. In this paper, a novel framework has been proposed to predict large gaps of missing values from the SHS home appliances electricity consumption time-series datasets. The framework follows a series of steps to detect, predict and reconstruct the input time-series datasets of missing values. A hybrid convolutional neural network-long short term memory (CNN-LSTM) neural network used to forecast large missing values gaps. A comparative experiment has been conducted to evaluate the performance of hybrid CNN-LSTM with its single variant CNN and LSTM in forecasting missing values. The experimental results indicate a performance superiority of the CNN-LSTM model over the single CNN and LSTM neural networks.

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.

EMD-CNN-LSTM을 이용한 하이브리드 방식의 리튬 이온 배터리 잔여 수명 예측 (Remaining Useful Life Prediction for Litium-Ion Batteries Using EMD-CNN-LSTM Hybrid Method)

  • 임제영;김동환;노태원;이병국
    • 전력전자학회논문지
    • /
    • 제27권1호
    • /
    • pp.48-55
    • /
    • 2022
  • This paper proposes a battery remaining useful life (RUL) prediction method using a deep learning-based EMD-CNN-LSTM hybrid method. The proposed method pre-processes capacity data by applying empirical mode decomposition (EMD) and predicts the remaining useful life using CNN-LSTM. CNN-LSTM is a hybrid method that combines convolution neural network (CNN), which analyzes spatial features, and long short term memory (LSTM), which is a deep learning technique that processes time series data analysis. The performance of the proposed remaining useful life prediction method is verified using the battery aging experiment data provided by the NASA Ames Prognostics Center of Excellence and shows higher accuracy than does the conventional method.

LSTM 신경망과 Du-CNN을 융합한 적외선 방사특성 예측 및 표적과 클러터 구분을 위한 CR-DuNN 알고리듬 연구 (A Study of CR-DuNN based on the LSTM and Du-CNN to Predict Infrared Target Feature and Classify Targets from the Clutters)

  • 이주영
    • 전기학회논문지
    • /
    • 제68권1호
    • /
    • pp.153-158
    • /
    • 2019
  • In this paper, we analyze the infrared feature for the small coast targets according to the surrounding environment for autonomous flight device equipped with an infrared imaging sensor and we propose Cross Duality of Neural Network (CR-DuNN) method which can classify the target and clutter in coastal environment. In coastal environment, there are various property according to diverse change of air temperature, sea temperature, deferent seasons. And small coast target have various infrared feature according to diverse change of environment. In this various environment, it is very important thing that we analyze and classify targets from the clutters to improve target detection accuracy. Thus, we propose infrared feature learning algorithm through LSTM neural network and also propose CR-DuNN algorithm that integrate LSTM prediction network with Du-CNN classification network to classify targets from the clutters.

MALICIOUS URL RECOGNITION AND DETECTION USING ATTENTION-BASED CNN-LSTM

  • Peng, Yongfang;Tian, Shengwei;Yu, Long;Lv, Yalong;Wang, Ruijin
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제13권11호
    • /
    • pp.5580-5593
    • /
    • 2019
  • A malicious Uniform Resource Locator (URL) recognition and detection method based on the combination of Attention mechanism with Convolutional Neural Network and Long Short-Term Memory Network (Attention-Based CNN-LSTM), is proposed. Firstly, the WHOIS check method is used to extract and filter features, including the URL texture information, the URL string statistical information of attributes and the WHOIS information, and the features are subsequently encoded and pre-processed followed by inputting them to the constructed Convolutional Neural Network (CNN) convolution layer to extract local features. Secondly, in accordance with the weights from the Attention mechanism, the generated local features are input into the Long-Short Term Memory (LSTM) model, and subsequently pooled to calculate the global features of the URLs. Finally, the URLs are detected and classified by the SoftMax function using global features. The results demonstrate that compared with the existing methods, the Attention-based CNN-LSTM mechanism has higher accuracy for malicious URL detection.

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

  • 박가은;황치운;임세령;장한승
    • 한국전자통신학회논문지
    • /
    • 제18권6호
    • /
    • pp.1259-1268
    • /
    • 2023
  • 본 연구는 딥러닝의 합성곱과 순환신경망 네트워크를 기반으로 시각센서를 이용해 속도(Throttle)와 조향(Steering) 제어 기술을 제안한다. 학습 트랙을 시계, 반시계 방향으로 주행하며 카메라 영상 이미지와 조종 값 데이터를 수집하고 효율적인 학습을 위해 데이터 샘플링, 전처리 과정을 거쳐 Throttle과 Steering을 예측하는 모델을 생성한다. 이후 학습에 사용되지 않은 다른 환경의 테스트 트랙을 통해 검증을 진행하여 최적의 모델을 찾고 이를 CNN(Convolutional Neural Network)과 비교하였다. 그 결과 제안하는 딥러닝 모델의 성능이 뛰어남을 확인했다.

딥러닝 기반 운동 자세 교정 시스템의 성능 (Performance of Exercise Posture Correction System Based on Deep Learning)

  • 황병선;김정호;이예람;경찬욱;선준호;선영규;김진영
    • 한국인터넷방송통신학회논문지
    • /
    • 제22권5호
    • /
    • pp.177-183
    • /
    • 2022
  • 최근 COVID-19로 인해 홈 트레이닝의 관심도가 증가하고 있다. 이에 따라 HAR(human activity recognition) 기술을 홈 트레이닝에 적용한 연구가 진행되고 있다. 기존 HAR 분야의 논문에서는 동적인 자세보다는 앉기, 일어서기와 같은 정적인 자세들을 분석한다. 본 논문은 동적인 운동 자세를 분석하여 사용자의 운동 자세 정확도를 보여주는 딥러닝 모델을 제안한다. AI hub의 피트니스 이미지를 blaze pose를 사용하여 사람의 자세 데이터를 분석한다. 3개의 딥러닝 모델: RNN(recurrnet neural networks), LSTM(long short-term memory networks), CNN(convolution neural networks)에 대하여 실험을 진행한다. RNN, LSTM, CNN 모델의 f1-score는 각각 0.49, 0.87, 0.98로 CNN 모델이 가장 적합하다는 것을 확인하였다. 이후 연구로는, 다양한 학습 데이터를 사용하여 더 많은 운동 자세를 분석할 예정이다.

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을 사용한 태양광 발전량 예측을 제안한다.

A Text Sentiment Classification Method Based on LSTM-CNN

  • Wang, Guangxing;Shin, Seong-Yoon;Lee, Won Joo
    • 한국컴퓨터정보학회논문지
    • /
    • 제24권12호
    • /
    • pp.1-7
    • /
    • 2019
  • 머신 러닝의 심층 개발로 딥 러닝 방법은 특히 CNN(Convolution Neural Network)에서 큰 진전을 이루었다. 전통적인 텍스트 정서 분류 방법과 비교할 때 딥 러닝 기반 CNN은 복잡한 다중 레이블 및 다중 분류 실험의 텍스트 분류 및 처리에서 크게 발전하였다. 그러나 텍스트 정서 분류를 위한 신경망에도 문제가 있다. 이 논문에서는 LSTM (Long-Short Term Memory network) 및 CNN 딥 러닝 방법에 기반 한 융합 모델을 제안하고, 다중 카테고리 뉴스 데이터 세트에 적용하여 좋은 결과를 얻었다. 실험에 따르면 딥 러닝을 기반으로 한 융합 모델이 텍스트 정서 분류의 예측성과 정확성을 크게 개선하였다. 본 논문에서 제안한 방법은 모델을 최적화하고 그 모델의 성능을 개선하는 중요한 방법이 될 것이다.

Using machine learning to forecast and assess the uncertainty in the response of a typical PWR undergoing a steam generator tube rupture accident

  • Tran Canh Hai Nguyen ;Aya Diab
    • Nuclear Engineering and Technology
    • /
    • 제55권9호
    • /
    • pp.3423-3440
    • /
    • 2023
  • In this work, a multivariate time-series machine learning meta-model is developed to predict the transient response of a typical nuclear power plant (NPP) undergoing a steam generator tube rupture (SGTR). The model employs Recurrent Neural Networks (RNNs), including the Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), and a hybrid CNN-LSTM model. To address the uncertainty inherent in such predictions, a Bayesian Neural Network (BNN) was implemented. The models were trained using a database generated by the Best Estimate Plus Uncertainty (BEPU) methodology; coupling the thermal hydraulics code, RELAP5/SCDAP/MOD3.4 to the statistical tool, DAKOTA, to predict the variation in system response under various operational and phenomenological uncertainties. The RNN models successfully captures the underlying characteristics of the data with reasonable accuracy, and the BNN-LSTM approach offers an additional layer of insight into the level of uncertainty associated with the predictions. The results demonstrate that LSTM outperforms GRU, while the hybrid CNN-LSTM model is computationally the most efficient. This study aims to gain a better understanding of the capabilities and limitations of machine learning models in the context of nuclear safety. By expanding the application of ML models to more severe accident scenarios, where operators are under extreme stress and prone to errors, ML models can provide valuable support and act as expert systems to assist in decision-making while minimizing the chances of human error.