• Title/Summary/Keyword: GRU Model

Search Result 123, Processing Time 0.025 seconds

A Fuzzy-AHP-based Movie Recommendation System using the GRU Language Model (GRU 언어 모델을 이용한 Fuzzy-AHP 기반 영화 추천 시스템)

  • Oh, Jae-Taek;Lee, Sang-Yong
    • Journal of Digital Convergence
    • /
    • v.19 no.8
    • /
    • pp.319-325
    • /
    • 2021
  • With the advancement of wireless technology and the rapid growth of the infrastructure of mobile communication technology, systems applying AI-based platforms are drawing attention from users. In particular, the system that understands users' tastes and interests and recommends preferred items is applied to advanced e-commerce customized services and smart homes. However, there is a problem that these recommendation systems are difficult to reflect in real time the preferences of various users for tastes and interests. In this research, we propose a Fuzzy-AHP-based movies recommendation system using the Gated Recurrent Unit (GRU) language model to address a problem. In this system, we apply Fuzzy-AHP to reflect users' tastes or interests in real time. We also apply GRU language model-based models to analyze the public interest and the content of the film to recommend movies similar to the user's preferred factors. To validate the performance of this recommendation system, we measured the suitability of the learning model using scraping data used in the learning module, and measured the rate of learning performance by comparing the Long Short-Term Memory (LSTM) language model with the learning time per epoch. The results show that the average cross-validation index of the learning model in this work is suitable at 94.8% and that the learning performance rate outperforms the LSTM language model.

Implementation of real-time water level prediction system using LSTM-GRU model (LSTM-GRU 모델을 활용한 실시간 수위 예측 시스템 구현)

  • Cho, Minwoo;Jeong, HanGyeol;Park, Bumjin;Im, Haran;Lim, Ine;Jung, Heokyung
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.10a
    • /
    • pp.216-218
    • /
    • 2022
  • Natural disasters caused by abnormal climates are continuously increasing, and the types of natural disasters that cause the most damage are flood damage caused by heavy rains and typhoons. Therefore, in order to reduce flood damage, this paper proposes a system that can predict the water level, a major parameter of flood, in real time using LSTM and GRU. The input data used for flood prediction are upstream and downstream water levels, temperature, humidity, and precipitation, and real-time prediction is performed through the pre-trained LSTM-GRU model. The input data uses data from the past 20 hours to predict the water level for the next 3 hours. Through the system proposed in this paper, if the risk determination function can be added and an evacuation order can be issued to the people exposed to the flood, it is thought that a lot of damage caused by the flood can be reduced.

  • PDF

Implementation of CNN-based water level prediction model for river flood prediction (하천 홍수 예측을 위한 CNN 기반의 수위 예측 모델 구현)

  • Cho, Minwoo;Kim, Sujin;Jung, Hoekyung
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.25 no.11
    • /
    • pp.1471-1476
    • /
    • 2021
  • Flood damage can cause floods or tsunamis, which can result in enormous loss of life and property. In this regard, damage can be reduced by making a quick evacuation decision through flood prediction, and many studies are underway in this field to predict floods using time series data. In this paper, we propose a CNN-based time series prediction model. A CNN-based water level prediction model was implemented using the river level and precipitation, and the performance was confirmed by comparing it with the LSTM and GRU models, which are often used for time series prediction. In addition, by checking the performance difference according to the size of the input data, it was possible to find the points to be supplemented, and it was confirmed that better performance than LSTM and GRU could be obtained. Through this, it is thought that it can be utilized as an initial study for flood prediction.

Performance Evaluation for ECG Signal Prediction Using Digital IIR Filter and Deep Learning (디지털 IIR Filter와 Deep Learning을 이용한 ECG 신호 예측을 위한 성능 평가)

  • Uei-Joong Yoon
    • The Journal of the Convergence on Culture Technology
    • /
    • v.9 no.4
    • /
    • pp.611-616
    • /
    • 2023
  • ECG(electrocardiogram) is a test used to measure the rate and regularity of heartbeats, as well as the size and position of the chambers, the presence of any damage to the heart, and the cause of all heart diseases can be found. Because the ECG signal obtained using the ECG-KIT includes noise in the ECG signal, noise must be removed from the ECG signal to apply to the deep learning. In this paper, the noise of the ECG signal was removed using the digital IIR Butterworth low-pass filter. When the performance evaluation of the three activation functions, sigmoid(), ReLU(), and tanh() functions, was compared using the deep learning model of LSTM, it was confirmed that the activation function with the smallest error was the tanh() function. Also, When the performance evaluation and elapsed time were compared for LSTM and GRU models, it was confirmed that the GRU model was superior to the LSTM model.

Mid- and Short-term Power Generation Forecasting using Hybrid Model (하이브리드 모델을 이용하여 중단기 태양발전량 예측)

  • Nam-Rye Son
    • Journal of the Korean Society of Industry Convergence
    • /
    • v.26 no.4_2
    • /
    • pp.715-724
    • /
    • 2023
  • Solar energy forecasting is essential for (1) power system planning, management, and operation, requiring accurate predictions. It is crucial for (2) ensuring a continuous and sustainable power supply to customers and (3) optimizing the operation and control of renewable energy systems and the electricity market. Recently, research has been focusing on developing solar energy forecasting models that can provide daily plans for power usage and production and be verified in the electricity market. In these prediction models, various data, including solar energy generation and climate data, are chosen to be utilized in the forecasting process. The most commonly used climate data (such as temperature, relative humidity, precipitation, solar radiation, and wind speed) significantly influence the fluctuations in solar energy generation based on weather conditions. Therefore, this paper proposes a hybrid forecasting model by combining the strengths of the Prophet model and the GRU model, which exhibits excellent predictive performance. The forecasting periods for solar energy generation are tested in short-term (2 days, 7 days) and medium-term (15 days, 30 days) scenarios. The experimental results demonstrate that the proposed approach outperforms the conventional Prophet model by more than twice in terms of Root Mean Square Error (RMSE) and surpasses the modified GRU model by more than 1.5 times, showcasing superior performance.

Real-Time Streaming Traffic Prediction Using Deep Learning Models Based on Recurrent Neural Network (순환 신경망 기반 딥러닝 모델들을 활용한 실시간 스트리밍 트래픽 예측)

  • Jinho, Kim;Donghyeok, An
    • KIPS Transactions on Computer and Communication Systems
    • /
    • v.12 no.2
    • /
    • pp.53-60
    • /
    • 2023
  • Recently, the demand and traffic volume for various multimedia contents are rapidly increasing through real-time streaming platforms. In this paper, we predict real-time streaming traffic to improve the quality of service (QoS). Statistical models have been used to predict network traffic. However, since real-time streaming traffic changes dynamically, we used recurrent neural network-based deep learning models rather than a statistical model. Therefore, after the collection and preprocessing for real-time streaming data, we exploit vanilla RNN, LSTM, GRU, Bi-LSTM, and Bi-GRU models to predict real-time streaming traffic. In evaluation, the training time and accuracy of each model are measured and compared.

Measuring Sentence Similarity using Morpheme Embedding Model and GRU Encoder for Question and Answering System (질의응답 시스템에서 형태소임베딩 모델과 GRU 인코더를 이용한 문장유사도 측정)

  • Lee, DongKeon;Oh, KyoJoong;Choi, Ho-Jin;Heo, Jeong
    • 한국어정보학회:학술대회논문집
    • /
    • 2016.10a
    • /
    • pp.128-133
    • /
    • 2016
  • 문장유사도 분석은 문서 평가 자동화에 활용될 수 있는 중요한 기술이다. 최근 순환신경망을 이용한 인코더-디코더 언어 모델이 기계학습 분야에서 괄목할만한 성과를 거두고 있다. 본 논문에서는 한국어 형태소임베딩 모델과 GRU(Gated Recurrent Unit)기반의 인코더를 제시하고, 이를 이용하여 언어모델을 한국어 위키피디아 말뭉치로부터 학습하고, 한국어 질의응답 시스템에서 질문에 대한 정답을 유추 할 수 있는 증거문장을 찾을 수 있도록 문장유사도를 측정하는 방법을 제시한다. 본 논문에 제시된 형태소임베딩 모델과 GRU 기반의 인코딩 모델을 이용하여 문장유사도 측정에 있어서, 기존 글자임베딩 방법에 비해 개선된 결과를 얻을 수 있었으며, 질의응답 시스템에서도 유용하게 활용될 수 있음을 알 수 있었다.

  • PDF

Measuring Sentence Similarity using Morpheme Embedding Model and GRU Encoder for Question and Answering System (질의응답 시스템에서 형태소임베딩 모델과 GRU 인코더를 이용한 문장유사도 측정)

  • Lee, DongKeon;Oh, KyoJoong;Choi, Ho-Jin;Heo, Jeong
    • Annual Conference on Human and Language Technology
    • /
    • 2016.10a
    • /
    • pp.128-133
    • /
    • 2016
  • 문장유사도 분석은 문서 평가 자동화에 활용될 수 있는 중요한 기술이다. 최근 순환신경망을 이용한 인코더-디코더 언어 모델이 기계학습 분야에서 괄목할만한 성과를 거두고 있다. 본 논문에서는 한국어 형태 소임베딩 모델과 GRU(Gated Recurrent Unit)기반의 인코더를 제시하고, 이를 이용하여 언어모델을 한국어 위키피디아 말뭉치로부터 학습하고, 한국어 질의응답 시스템에서 질문에 대한 정답을 유추 할 수 있는 증거문장을 찾을 수 있도록 문장유사도를 측정하는 방법을 제시한다. 본 논문에 제시된 형태소임베딩 모델과 GRU 기반의 인코딩 모델을 이용하여 문장유사도 측정에 있어서, 기존 글자임베딩 방법에 비해 개선된 결과를 얻을 수 있었으며, 질의응답 시스템에서도 유용하게 활용될 수 있음을 알 수 있었다.

  • PDF

Parallel Injection Method for Improving Descriptive Performance of Bi-GRU Image Captions (Bi-GRU 이미지 캡션의 서술 성능 향상을 위한 Parallel Injection 기법 연구)

  • Lee, Jun Hee;Lee, Soo Hwan;Tae, Soo Ho;Seo, Dong Hoan
    • Journal of Korea Multimedia Society
    • /
    • v.22 no.11
    • /
    • pp.1223-1232
    • /
    • 2019
  • The injection is the input method of the image feature vector from the encoder to the decoder. Since the image feature vector contains object details such as color and texture, it is essential to generate image captions. However, the bidirectional decoder model using the existing injection method only inputs the image feature vector in the first step, so image feature vectors of the backward sequence are vanishing. This problem makes it difficult to describe the context in detail. Therefore, in this paper, we propose the parallel injection method to improve the description performance of image captions. The proposed Injection method fuses all embeddings and image vectors to preserve the context. Also, We optimize our image caption model with Bidirectional Gated Recurrent Unit (Bi-GRU) to reduce the amount of computation of the decoder. To validate the proposed model, experiments were conducted with a certified image caption dataset, demonstrating excellence in comparison with the latest models using BLEU and METEOR scores. The proposed model improved the BLEU score up to 20.2 points and the METEOR score up to 3.65 points compared to the existing caption model.

Comparison of Deep Learning Models Using Protein Sequence Data (단백질 기능 예측 모델의 주요 딥러닝 모델 비교 실험)

  • Lee, Jeung Min;Lee, Hyun
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.11 no.6
    • /
    • pp.245-254
    • /
    • 2022
  • Proteins are the basic unit of all life activities, and understanding them is essential for studying life phenomena. Since the emergence of the machine learning methodology using artificial neural networks, many researchers have tried to predict the function of proteins using only protein sequences. Many combinations of deep learning models have been reported to academia, but the methods are different and there is no formal methodology, and they are tailored to different data, so there has never been a direct comparative analysis of which algorithms are more suitable for handling protein data. In this paper, the single model performance of each algorithm was compared and evaluated based on accuracy and speed by applying the same data to CNN, LSTM, and GRU models, which are the most frequently used representative algorithms in the convergence research field of predicting protein functions, and the final evaluation scale is presented as Micro Precision, Recall, and F1-score. The combined models CNN-LSTM and CNN-GRU models also were evaluated in the same way. Through this study, it was confirmed that the performance of LSTM as a single model is good in simple classification problems, overlapping CNN was suitable as a single model in complex classification problems, and the CNN-LSTM was relatively better as a combination model.