• 제목/요약/키워드: (GRU) Gated recurrent unit

검색결과 86건 처리시간 0.024초

Gated recurrent unit (GRU) 신경망을 이용한 적혈구 침강속도 예측 (Forecasting of erythrocyte sedimentation rate using gated recurrent unit (GRU) neural network)

  • 이재진;홍현지;송재민;염은섭
    • 한국가시화정보학회지
    • /
    • 제19권1호
    • /
    • pp.57-61
    • /
    • 2021
  • In order to determine erythrocyte sedimentation rate (ESR) indicating acute phase inflammation, a Westergren method has been widely used because it is cheap and easy to be implemented. However, the Westergren method requires quite a long time for 1 hour. In this study, a gated recurrent unit (GRU) neural network was used to reduce measurement time of ESR evaluation. The sedimentation sequences of the erythrocytes were acquired by the camera and data processed through image processing were used as an input data into the neural network models. The performance of a proposed models was evaluated based on mean absolute error. The results show that GRU model provides best accurate prediction than others within 30 minutes.

단어의 의미와 문맥을 고려한 순환신경망 기반의 문서 분류 (Document Classification using Recurrent Neural Network with Word Sense and Contexts)

  • 주종민;김남훈;양형정;박혁로
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제7권7호
    • /
    • pp.259-266
    • /
    • 2018
  • 본 논문에서는 단어의 순서와 문맥을 고려하는 특징을 추출하여 순환신경망(Recurrent Neural Network)으로 문서를 분류하는 방법을 제안한다. 단어의 의미를 고려한 word2vec 방법으로 문서내의 단어를 벡터로 표현하고, 문맥을 고려하기 위해 doc2vec으로 입력하여 문서의 특징을 추출한다. 문서분류 방법으로 이전 노드의 출력을 다음 노드의 입력으로 포함하는 RNN 분류기를 사용한다. RNN 분류기는 신경망 분류기 중에서도 시퀀스 데이터에 적합하기 때문에 문서 분류에 좋은 성능을 보인다. RNN에서도 그라디언트가 소실되는 문제를 해결해주고 계산속도가 빠른 GRU(Gated Recurrent Unit) 모델을 사용한다. 실험 데이터로 한글 문서 집합 1개와 영어 문서 집합 2개를 사용하였고 실험 결과 GRU 기반 문서 분류기가 CNN 기반 문서 분류기 대비 약 3.5%의 성능 향상을 보였다.

에너지 인터넷을 위한 GRU기반 전력사용량 예측 (Prediction of Power Consumptions Based on Gated Recurrent Unit for Internet of Energy)

  • 이동구;선영규;심이삭;황유민;김수환;김진영
    • 전기전자학회논문지
    • /
    • 제23권1호
    • /
    • pp.120-126
    • /
    • 2019
  • 최근 에너지 인터넷에서 지능형 원격검침 인프라를 이용하여 확보된 대량의 전력사용데이터를 기반으로 효과적인 전력수요 예측을 위해 다양한 기계학습기법에 관한 연구가 활발히 진행되고 있다. 본 연구에서는 전력량 데이터와 같은 시계열 데이터에 대해 효율적으로 패턴인식을 수행하는 인공지능 네트워크인 Gated Recurrent Unit(GRU)을 기반으로 딥 러닝 모델을 제안하고, 실제 가정의 전력사용량 데이터를 토대로 예측 성능을 분석한다. 제안한 학습 모델의 예측 성능과 기존의 Long Short Term Memory (LSTM) 인공지능 네트워크 기반의 전력량 예측 성능을 비교하며, 성능평가 지표로써 Mean Squared Error (MSE), Mean Absolute Error (MAE), Forecast Skill Score, Normalized Root Mean Squared Error (RMSE), Normalized Mean Bias Error (NMBE)를 이용한다. 실험 결과에서 GRU기반의 제안한 시계열 데이터 예측 모델의 전력량 수요 예측 성능이 개선되는 것을 확인한다.

효율적인 워크로드 및 리소스 관리를 위한 게이트 순환 신경망 입자군집 최적화 (Particle Swarm Optimization in Gated Recurrent Unit Neural Network for Efficient Workload and Resource Management)

  • 파만 울라;시바니 자드하브;윤수경;나정은
    • 반도체디스플레이기술학회지
    • /
    • 제21권3호
    • /
    • pp.45-49
    • /
    • 2022
  • The fourth industrial revolution, internet of things, and the expansion of online web services have increased an exponential growth and deployment in the number of cloud data centers (CDC). The cloud is emerging as new paradigm for delivering the Internet-based computing services. Due to the dynamic and non-linear workload and availability of the resources is a critical problem for efficient workload and resource management. In this paper, we propose the particle swarm optimization (PSO) based gated recurrent unit (GRU) neural network for efficient prediction the future value of the CPU and memory usage in the cloud data centers. We investigate the hyper-parameters of the GRU for better model to effectively predict the cloud resources. We use the Google Cluster traces to evaluate the aforementioned PSO-GRU prediction. The experimental shows the effectiveness of the proposed algorithm.

그래프 프로세싱을 위한 GRU 기반 프리페칭 (Gated Recurrent Unit based Prefetching for Graph Processing)

  • 시바니 자드하브;파만 울라;나정은;윤수경
    • 반도체디스플레이기술학회지
    • /
    • 제22권2호
    • /
    • pp.6-10
    • /
    • 2023
  • High-potential data can be predicted and stored in the cache to prevent cache misses, thus reducing the processor's request and wait times. As a result, the processor can work non-stop, hiding memory latency. By utilizing the temporal/spatial locality of memory access, the prefetcher introduced to improve the performance of these computers predicts the following memory address will be accessed. We propose a prefetcher that applies the GRU model, which is advantageous for handling time series data. Display the currently accessed address in binary and use it as training data to train the Gated Recurrent Unit model based on the difference (delta) between consecutive memory accesses. Finally, using a GRU model with learned memory access patterns, the proposed data prefetcher predicts the memory address to be accessed next. We have compared the model with the multi-layer perceptron, but our prefetcher showed better results than the Multi-Layer Perceptron.

  • PDF

LSTM (Long-short Term Memory)과 GRU (Gated Recurrent Units) 모델을 활용한 양식산 넙치 도매가격 예측 연구 (Forecasting the Wholesale Price of Farmed Olive Flounder Paralichthys olivaceus Using LSTM and GRU Models)

  • 이가현;김도훈
    • 한국수산과학회지
    • /
    • 제56권2호
    • /
    • pp.243-252
    • /
    • 2023
  • Fluctuations in the price of aquaculture products have recently intensified. In particular, wholesale price fluctuations are adversely affecting consumers. Therefore, there is an emerging need for a study on forecasting the wholesale price of aquaculture products. The present study forecasted the wholesale price of olive flounder Paralichthys olivaceus, a representative farmed fish species in Korea, by constructing multivariate long-short term memory (LSTM) and gated recurrent unit (GRU) models. These deep learning models have recently been proven to be effective for forecasting in various fields. A total of 191 monthly data obtained for 17 variables were used to train and test the models. The results showed that the mean average percent error of LSTM and GRU models were 2.19% and 2.68%, respectively.

어텐션 기반 게이트 순환 유닛을 이용한 수동소나 신호분류 (Passive sonar signal classification using attention based gated recurrent unit)

  • 이기배;고건혁;이종현
    • 한국음향학회지
    • /
    • 제42권4호
    • /
    • pp.345-356
    • /
    • 2023
  • 수동소나의 표적신호는 수초 내 세기의 변화를 갖는 협대역 고조파 특성과 로이드 거울 효과에 의한 장시간 주파수 변이 특성을 나타낸다. 본 논문에서는 지역 및 전역적 시계열 특징을 학습하는 게이트 순환 유닛 기반의 신호분류 알고리즘을 제안한다. 제안하는 알고리즘은 게이트 순환 유닛을 이용한 다층 네트워크를 구성하고 확장된 연결을 통해 지역 및 전역적 시계열 특징들을 추출한다. 이후 어텐션 메커니즘을 학습하여 시계열 특징들을 가중하고 수동소나 신호를 분류한다. 공개된 수중 음향 데이터를 이용한 실험에서 제안된 네트워크는 96.50 %의 우수한 분류 정확도를 보였다. 이러한 결과는 기존의 잔차 연결된 게이트 순환 유닛 네트워크과 비교하여 4.17 % 높은 분류 정확도를 갖는다.

The roles of differencing and dimension reduction in machine learning forecasting of employment level using the FRED big data

  • Choi, Ji-Eun;Shin, Dong Wan
    • Communications for Statistical Applications and Methods
    • /
    • 제26권5호
    • /
    • pp.497-506
    • /
    • 2019
  • Forecasting the U.S. employment level is made using machine learning methods of the artificial neural network: deep neural network, long short term memory (LSTM), gated recurrent unit (GRU). We consider the big data of the federal reserve economic data among which 105 important macroeconomic variables chosen by McCracken and Ng (Journal of Business and Economic Statistics, 34, 574-589, 2016) are considered as predictors. We investigate the influence of the two statistical issues of the dimension reduction and time series differencing on the machine learning forecast. An out-of-sample forecast comparison shows that (LSTM, GRU) with differencing performs better than the autoregressive model and the dimension reduction improves long-term forecasts and some short-term forecasts.

Detecting Anomalies in Time-Series Data using Unsupervised Learning and Analysis on Infrequent Signatures

  • Bian, Xingchao
    • 전기전자학회논문지
    • /
    • 제24권4호
    • /
    • pp.1011-1016
    • /
    • 2020
  • We propose a framework called Stacked Gated Recurrent Unit - Infrequent Residual Analysis (SG-IRA) that detects anomalies in time-series data that can be trained on streams of raw sensor data without any pre-labeled dataset. To enable such unsupervised learning, SG-IRA includes an estimation model that uses a stacked Gated Recurrent Unit (GRU) structure and an analysis method that detects anomalies based on the difference between the estimated value and the actual measurement (residual). SG-IRA's residual analysis method dynamically adapts the detection threshold from the population using frequency analysis, unlike the baseline model that relies on a constant threshold. In this paper, SG-IRA is evaluated using the industrial control systems (ICS) datasets. SG-IRA improves the detection performance (F1 score) by 5.9% compared to the baseline model.

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

  • 김호연;이상수;황재성
    • 한국ITS학회 논문지
    • /
    • 제22권1호
    • /
    • pp.103-114
    • /
    • 2023
  • 본 연구에서는 도시부 도로의 다양한 자료를 수집하여 통행속도 변화에 대한 영향을 분석하였고, 이와 같은 빅데이터를 활용하여 GRU 기반의 단기 통행속도 예측 모형을 개발하였다. 그리고 Baseline 모형과 이중지수평활 모형을 비교 모형으로 선정하여 RMSE 지표로 예측 오차를 평가하였다. 모형 평가 결과, Baseline 모형과 이중지수평활 모형의 RMSE는 평균 7.46, 5.94값으로 각각 산출되었다. 그리고 GRU 모형으로 예측한 평균 RMSE는 5.08 값이 산출되었다. 15개 링크별로 편차가 있지만, 대부분의 경우 GRU 모형의 오차가 최소의 값을 나타내었고, 추가적인 산점도 분석 결과도 동일한 결과를 제시하였다. 이러한 결과로부터 도시부 도로의 통행속도 정보 생성 과정에서 GRU 기반의 예측 모형 적용 시 예측 오차를 감소시키고 모형 적용 속도의 개선을 기대할 수 있을 것으로 판단된다.