• Title/Summary/Keyword: GRU Model

검색결과 135건 처리시간 0.02초

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

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

  • PDF

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

  • 이준희;이수환;태수호;서동환
    • 한국멀티미디어학회논문지
    • /
    • 제22권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)

  • 이정민;이현
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제11권6호
    • /
    • pp.245-254
    • /
    • 2022
  • 단백질은 모든 생명 활동의 기본 단위이며, 이를 이해하는 것은 생명 현상을 연구하는 데 필수적이다. 인공신경망을 이용한 기계학습 방법론이 대두된 이후로 많은 연구자들이 단백질 서열만을 사용하여 단백질의 기능을 예측하고자 하였다. 많은 조합의 딥러닝 모델이 학계에 보고되었으나 그 방법은 제각각이며 정형화된 방법론이 없고, 각기 다른 데이터에 맞춰져있어 어떤 알고리즘이 더 단백질 데이터를 다루는 데 적합한지 직접 비교분석 된 적이 없다. 본 논문에서는 단백질의 기능을 예측하는 융합 분야에서 가장 많이 사용되는 대표 알고리즘인 CNN, LSTM, GRU 모델과 이를 이용한 두가지 결합 모델에 동일 데이터를 적용하여 각 알고리즘의 단일 모델 성능과 결합 모델의 성능을 정확도와 속도를 기준으로 비교 평가하였으며 최종 평가 척도를 마이크로 정밀도, 재현율, F1 점수로 나타내었다. 본 연구를 통해 단순 분류 문제에서 단일 모델로 LSTM의 성능이 준수하고, 복잡한 분류 문제에서는 단일 모델로 중첩 CNN이 더 적합하며, 결합 모델로 CNN-LSTM의 연계 모델이 상대적으로 더 우수함을 확인하였다.

그래프 프로세싱을 위한 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

다양한 데이터 전처리 기법과 데이터 오버샘플링을 적용한 GRU 모델 기반 이상 탐지 성능 비교 (Comparison of Anomaly Detection Performance Based on GRU Model Applying Various Data Preprocessing Techniques and Data Oversampling)

  • 유승태;김강석
    • 정보보호학회논문지
    • /
    • 제32권2호
    • /
    • pp.201-211
    • /
    • 2022
  • 최근 사이버보안 패러다임의 변화에 따라, 인공지능 구현 기술인 기계학습과 딥러닝 기법을 적용한 이상탐지 방법의 연구가 증가하고 있다. 본 연구에서는 공개 데이터셋인 NGIDS-DS(Next Generation IDS Dataset)를 이용하여 GRU(Gated Recurrent Unit) 신경망 기반 침입 탐지 모델의 이상(anomaly) 탐지 성능을 향상시킬 수 있는 데이터 전처리 기술에 관한 비교 연구를 수행하였다. 또한 정상 데이터와 공격 데이터 비율에 따른 클래스 불균형 문제를 해결하기 위해 DCGAN(Deep Convolutional Generative Adversarial Networks)을 적용한 오버샘플링 기법 등을 사용하여 오버샘플링 비율에 따른 탐지 성능을 비교 및 분석하였다. 실험 결과, 시스템 콜(system call) 특성과 프로세스 실행패스 특성에 Doc2Vec 알고리즘을 사용하여 전처리한 방법이 좋은 성능을 보였고, 오버샘플링별 성능의 경우 DCGAN을 사용하였을 때, 향상된 탐지 성능을 보였다.

딥러닝 모형을 이용한 팔당대교 지점에서의 유량 예측 (Flow rate prediction at Paldang Bridge using deep learning models)

  • 성연정;박기두;정영훈
    • 한국수자원학회논문집
    • /
    • 제55권8호
    • /
    • pp.565-575
    • /
    • 2022
  • 최근의 수자원공학 분야는 4차산업혁명과 더불어 비약적으로 발전된 딥러닝 기술을 활용한 시계열 수위 및 유량의 예측에 대한 관심이 높아지고 있다. 또한 시계열 자료의 예측이 가능한 LSTM 모형과 GRU 모형을 활용하여 수위 및 유량 예측을 수행하고 있지만 시간 변동성이 매우 큰 하천에서의 유량 예측 정확도는 수위 예측 정확도에 비해 낮게 예측되는 경향이 있다. 본 연구에서는 유량변동이 크고 하구에서의 조석의 영향이 거의 없는 한강의 팔당대교 관측소를 선택하였다. 또한, LSTM 모형과 GRU 모형의 입력 및 예측 자료로 활용될 유량변동이 큰 시계열 자료를 선택하였고 총 자료의 길이는 비교적 짧은 2년 7개월의 수위 자료 및 유량 자료를 수집하였다. 시간변동성이 큰 시계열 수위를 2개의 모형에서 학습할 경우, 2개의 모형 모두에서 예측되는 수위 결과는 관측 수위와 비교하여 적정한 정확도가 확보되었으나 변동성이 큰 유량 자료를 2개의 모형에서 직접 학습시킬 경우, 예측되는 유량 자료의 정확도는 악화되었다. 따라서, 본 연구에서는 급변하는 유량을 정확히 예측하기 위하여 2개 모형으로 예측된 수위 자료를 수위-유량관계곡선의 입력자료로 활용하여 유량의 예측 정확도를 크게 향상시킬 수 있었다. 마지막으로 본 연구성과는 수문자료의 별도 가공없이 관측 길이가 상대적으로 충분히 길지 않고 유출량이 급변하는 도시하천에서의 홍수예경보 자료로 충분히 활용할 수 있을 것으로 기대된다.

RGBD 카메라 기반의 Human-Skeleton Keypoints와 2-Stacked Bi-LSTM 모델을 이용한 낙상 탐지 (Fall Detection Based on 2-Stacked Bi-LSTM and Human-Skeleton Keypoints of RGBD Camera)

  • 신병근;김응호;이상우;양재영;김원겸
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제10권11호
    • /
    • pp.491-500
    • /
    • 2021
  • 본 연구에서는 MS Kinect v2 RGBD 카메라 기반의 Human-Skeleton Keypoints와 2-Stacked Bi-LSTM 모델을 이용하여 낙상 행위를 탐지하는 방법을 제안한다. 기존의 연구는 RGB 영상에서 OpenPose 등의 딥러닝 모델을 이용하여 골격 정보를 추출한 후 LSTM, GRU 등의 순환신경망 모델을 이용해 인식을 수행하였다. 제안한 방법은 카메라로부터 골격정보를 바로 전달 받아 가속도 및 거리의 2개의 시계열 특징을 추출한 후 2-Stacked Bi-LSTM 모델을 이용하여 낙상 행위를 인식하였다. 어깨, 척추, 골반 등 주요 골격을 대상으로 중심관절을 구하고 이 중심관절의 움직임 가속도와 바닥과의 거리를 특징으로 제안하였다. 추출된 특징은 Stacked LSTM, Bi-LSTM 등의 모델과 성능비교를 수행하였고 GRU, LSTM 등의 기존연구에 비해 향상된 검출 성능을 실험을 통해 증명하였다.

Multi-modal Pedestrian Trajectory Prediction based on Pedestrian Intention for Intelligent Vehicle

  • Youguo He;Yizhi Sun;Yingfeng Cai;Chaochun Yuan;Jie Shen;Liwei Tian
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제18권6호
    • /
    • pp.1562-1582
    • /
    • 2024
  • The prediction of pedestrian trajectory is conducive to reducing traffic accidents and protecting pedestrian safety, which is crucial to the task of intelligent driving. The existing methods mainly use the past pedestrian trajectory to predict the future deterministic pedestrian trajectory, ignoring pedestrian intention and trajectory diversity. This paper proposes a multi-modal trajectory prediction model that introduces pedestrian intention. Unlike previous work, our model makes multi-modal goal-conditioned trajectory pedestrian prediction based on the past pedestrian trajectory and pedestrian intention. At the same time, we propose a novel Gate Recurrent Unit (GRU) to process intention information dynamically. Compared with traditional GRU, our GRU adds an intention unit and an intention gate, in which the intention unit is used to dynamically process pedestrian intention, and the intention gate is used to control the intensity of intention information. The experimental results on two first-person traffic datasets (JAAD and PIE) show that our model is superior to the most advanced methods (Improved by 30.4% on MSE0.5s and 9.8% on MSE1.5s for the PIE dataset; Improved by 15.8% on MSE0.5s and 13.5% on MSE1.5s for the JAAD dataset). Our multi-modal trajectory prediction model combines pedestrian intention that varies at each prediction time step and can more comprehensively consider the diversity of pedestrian trajectories. Our method, validated through experiments, proves to be highly effective in pedestrian trajectory prediction tasks, contributing to improving traffic safety and the reliability of intelligent driving systems.

라이시미터 데이터로 학습한 수학적 및 심층 신경망 모델을 통한 온실 토마토 증산량 추정 (Estimation of Greenhouse Tomato Transpiration through Mathematical and Deep Neural Network Models Learned from Lysimeter Data)

  • 메안 P 안데스;노미영;임미영;최경이;정정수;김동필
    • 생물환경조절학회지
    • /
    • 제32권4호
    • /
    • pp.384-395
    • /
    • 2023
  • 증산은 적정 관수 관리에 중요한 역할을 하므로 수분 스트레스에 취약한 토마토와 같은 작물의 관개 수요에 대한 지식이 필요하다. 관수량을 결정하는 한 가지 방법은 증산량을 측정하는 것인데, 이는 환경이나 생육 수준의 영향을 받는다. 본 연구는 분단위 데이터를 통해 수학적 모델과 딥러닝 모델을 활용하여 토마토의 증발량을 추정하고 적합한 모델을 찾는 것을 목표로 한다. 라이시미터 데이터는 1분 간격으로 배지무게 변화를 측정함으로써 증산량을 직접 측정했다. 피어슨 상관관계는 관찰된 환경 변수가 작물 증산과 유의미한 상관관계가 있음을 보여주었다. 온실온도와 태양복사는 증산량과 양의 상관관계를 보인 반면, 상대습도는 음의 상관관계를 보였다. 다중 선형 회귀(MLR), 다항 회귀 모델, 인공 신경망(ANN), Long short-term memory(LSTM), Gated Recurrent Unit(GRU) 모델을 구축하고 정확도를 비교했다. 모든 모델은 테스트 데이터 세트에서 0.770-0.948 범위의 R2 값과 0.495mm/min-1.038mm/min의 RMSE로 증산을 잠재적으로 추정하였다. 딥러닝 모델은 수학적 모델보다 성능이 뛰어났다. GRU는 0.948의 R2 및 0.495mm/min의 RMSE로 테스트 데이터에서 최고의 성능을 보여주었다. LSTM과 ANN은 R2 값이 각각 0.946과 0.944, RMSE가 각각 0.504m/min과 0.511로 그 뒤를 이었다. GRU 모델은 단기 예측에서 우수한 성능을 보였고 LSTM은 장기 예측에서 우수한 성능을 보였지만 대규모 데이터 셋을 사용한 추가 검증이 필요하다. FAO56 Penman-Monteith(PM) 방정식과 비교하여 PM은 MLR 및 다항식 모델 2차 및 3차보다 RMSE가 0.598mm/min으로 낮지만 분단위 증산의 변동성을 포착하는 데 있어 모든 모델 중에서 가장 성능이 낮다. 따라서 본 연구 결과는 온실 내 토마토 증산을 단기적으로 추정하기 위해 GRU 및 LSTM 모델을 권장한다.

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

  • Elly Matul Imah;Riskyana Dewi Intan Puspitasari
    • ETRI Journal
    • /
    • 제46권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.