• Title/Summary/Keyword: GRU (Gated Recurrent Unit)

Search Result 89, Processing Time 0.034 seconds

Sequence-Based Travel Route Recommendation Systems Using Deep Learning - A Case of Jeju Island - (딥러닝을 이용한 시퀀스 기반의 여행경로 추천시스템 -제주도 사례-)

  • Lee, Hee Jun;Lee, Won Sok;Choi, In Hyeok;Lee, Choong Kwon
    • Smart Media Journal
    • /
    • v.9 no.1
    • /
    • pp.45-50
    • /
    • 2020
  • With the development of deep learning, studies using artificial neural networks based on deep learning in recommendation systems are being actively conducted. Especially, the recommendation system based on RNN (Recurrent Neural Network) shows good performance because it considers the sequential characteristics of data. This study proposes a travel route recommendation system using GRU(Gated Recurrent Unit) and Session-based Parallel Mini-batch which are RNN-based algorithm. This study improved the recommendation performance through an ensemble of top1 and bpr(Bayesian personalized ranking) error functions. In addition, it was confirmed that the RNN-based recommendation system considering the sequential characteristics in the data makes a recommendation reflecting the meaning of the travel destination inherent in the travel route.

Development of a Speed Prediction Model for Urban Network Based on Gated Recurrent Unit (GRU 기반의 도시부 도로 통행속도 예측 모형 개발)

  • Hoyeon Kim;Sangsoo Lee;Jaeseong Hwang
    • The Journal of The Korea Institute of Intelligent Transport Systems
    • /
    • v.22 no.1
    • /
    • pp.103-114
    • /
    • 2023
  • This study collected various data of urban roadways to analyze the effect of travel speed change, and a GRU-based short-term travel speed prediction model was developed using such big data. The baseline model and the double exponential smoothing model were selected as comparison models, and prediction errors were evaluated using the RMSE index. The model evaluation results revealed that the average RMSE of the baseline model and the double exponential smoothing model were 7.46 and 5.94, respectively. The average RMSE predicted by the GRU model was 5.08. Although there are deviations for each of the 15 links, most cases showed minimal errors in the GRU model, and the additional scatter plot analysis presented the same result. These results indicate that the prediction error can be reduced, and the model application speed can be improved when applying the GRU-based model in the process of generating travel speed information on urban roadways.

Evaluation of Recurrent Neural Network Variants for Person Re-identification

  • Le, Cuong Vo;Tuan, Nghia Nguyen;Hong, Quan Nguyen;Lee, Hyuk-Jae
    • IEIE Transactions on Smart Processing and Computing
    • /
    • v.6 no.3
    • /
    • pp.193-199
    • /
    • 2017
  • Instead of using only spatial features from a single frame for person re-identification, a combination of spatial and temporal factors boosts the performance of the system. A recurrent neural network (RNN) shows its effectiveness in generating highly discriminative sequence-level human representations. In this work, we implement RNN, three Long Short Term Memory (LSTM) network variants, and Gated Recurrent Unit (GRU) on Caffe deep learning framework, and we then conduct experiments to compare performance in terms of size and accuracy for person re-identification. We propose using GRU for the optimized choice as the experimental results show that the GRU achieves the highest accuracy despite having fewer parameters than the others.

Violent crowd flow detection from surveillance cameras using deep transfer learning-gated recurrent unit

  • Elly Matul Imah;Riskyana Dewi Intan Puspitasari
    • ETRI Journal
    • /
    • v.46 no.4
    • /
    • pp.671-682
    • /
    • 2024
  • Violence can be committed anywhere, even in crowded places. It is hence necessary to monitor human activities for public safety. Surveillance cameras can monitor surrounding activities but require human assistance to continuously monitor every incident. Automatic violence detection is needed for early warning and fast response. However, such automation is still challenging because of low video resolution and blind spots. This paper uses ResNet50v2 and the gated recurrent unit (GRU) algorithm to detect violence in the Movies, Hockey, and Crowd video datasets. Spatial features were extracted from each frame sequence of the video using a pretrained model from ResNet50V2, which was then classified using the optimal trained model on the GRU architecture. The experimental results were then compared with wavelet feature extraction methods and classification models, such as the convolutional neural network and long short-term memory. The results show that the proposed combination of ResNet50V2 and GRU is robust and delivers the best performance in terms of accuracy, recall, precision, and F1-score. The use of ResNet50V2 for feature extraction can improve model performance.

Development of Demand Forecasting Model for Public Bicycles in Seoul Using GRU (GRU 기법을 활용한 서울시 공공자전거 수요예측 모델 개발)

  • Lee, Seung-Woon;Kwahk, Kee-Young
    • Journal of Intelligence and Information Systems
    • /
    • v.28 no.4
    • /
    • pp.1-25
    • /
    • 2022
  • After the first Covid-19 confirmed case occurred in Korea in January 2020, interest in personal transportation such as public bicycles not public transportation such as buses and subways, increased. The demand for 'Ddareungi', a public bicycle operated by the Seoul Metropolitan Government, has also increased. In this study, a demand prediction model of a GRU(Gated Recurrent Unit) was presented based on the rental history of public bicycles by time zone(2019~2021) in Seoul. The usefulness of the GRU method presented in this study was verified based on the rental history of Around Exit 1 of Yeouido, Yeongdengpo-gu, Seoul. In particular, it was compared and analyzed with multiple linear regression models and recurrent neural network models under the same conditions. In addition, when developing the model, in addition to weather factors, the Seoul living population was used as a variable and verified. MAE and RMSE were used as performance indicators for the model, and through this, the usefulness of the GRU model proposed in this study was presented. As a result of this study, the proposed GRU model showed higher prediction accuracy than the traditional multi-linear regression model and the LSTM model and Conv-LSTM model, which have recently been in the spotlight. Also the GRU model was faster than the LSTM model and the Conv-LSTM model. Through this study, it will be possible to help solve the problem of relocation in the future by predicting the demand for public bicycles in Seoul more quickly and accurately.

Short-term Power Consumption Forecasting Based on IoT Power Meter with LSTM and GRU Deep Learning (LSTM과 GRU 딥러닝 IoT 파워미터 기반의 단기 전력사용량 예측)

  • Lee, Seon-Min;Sun, Young-Ghyu;Lee, Jiyoung;Lee, Donggu;Cho, Eun-Il;Park, Dae-Hyun;Kim, Yong-Bum;Sim, Isaac;Kim, Jin-Young
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.19 no.5
    • /
    • pp.79-85
    • /
    • 2019
  • In this paper, we propose a short-term power forecasting method by applying Long Short Term Memory (LSTM) and Gated Recurrent Unit (GRU) neural network to Internet of Things (IoT) power meter. We analyze performance based on real power consumption data of households. Mean absolute error (MAE), mean absolute percentage error (MAPE), mean percentage error (MPE), mean squared error (MSE), and root mean squared error (RMSE) are used as performance evaluation indexes. The experimental results show that the GRU-based model improves the performance by 4.52% in the MAPE and 5.59% in the MPE compared to the LSTM-based model.

A Study on Emotion Recognition of Chunk-Based Time Series Speech (청크 기반 시계열 음성의 감정 인식 연구)

  • Hyun-Sam Shin;Jun-Ki Hong;Sung-Chan Hong
    • Journal of Internet Computing and Services
    • /
    • v.24 no.2
    • /
    • pp.11-18
    • /
    • 2023
  • Recently, in the field of Speech Emotion Recognition (SER), many studies have been conducted to improve accuracy using voice features and modeling. In addition to modeling studies to improve the accuracy of existing voice emotion recognition, various studies using voice features are being conducted. This paper, voice files are separated by time interval in a time series method, focusing on the fact that voice emotions are related to time flow. After voice file separation, we propose a model for classifying emotions of speech data by extracting speech features Mel, Chroma, zero-crossing rate (ZCR), root mean square (RMS), and mel-frequency cepstrum coefficients (MFCC) and applying them to a recurrent neural network model used for sequential data processing. As proposed method, voice features were extracted from all files using 'librosa' library and applied to neural network models. The experimental method compared and analyzed the performance of models of recurrent neural network (RNN), long short-term memory (LSTM) and gated recurrent unit (GRU) using the Interactive emotional dyadic motion capture Interactive Emotional Dyadic Motion Capture (IEMOCAP) english dataset.

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.

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