• 제목/요약/키워드: Recurrent neural network(RNN)

검색결과 231건 처리시간 0.019초

인지 무선 통신을 위한 순환 신경망 기반 스펙트럼 센싱 기법 (Recurrent Neural Network Based Spectrum Sensing Technique for Cognitive Radio Communications)

  • 정태윤;정의림
    • 한국정보통신학회논문지
    • /
    • 제24권6호
    • /
    • pp.759-767
    • /
    • 2020
  • 본 논문에서는 인지 무선 통신을 위한 새로운 순환 신경망 기반 스펙트럼 센싱 기법을 제안한다. 제안하는 기법은 주사용자에 대한 정보가 전혀 없는 상황에서 에너지 검출을 통해 신호 존재 유무를 판단한다. 제안 기법은 센싱하고자 하는 전체 대역을 고려하여 수신신호를 고속으로 샘플링 후 이 신호의 FFT (fast Fourier transform)를 통해 주파수 스펙트럼으로 변환한다. 이 스펙트럼 신호는 채널 대역폭 단위로 자른 후 순환 신경망에 입력하여 해당 채널이 사용중인지 비어있는지 판정한다. 제안하는 기법의 성능은 컴퓨터 모의실험을 통해 확인하는데 그 결과에 따르면 기존 문턱값 기반 기법보다 2 [dB] 이상 우수하며 합성곱 신경망 기법과 유사한 성능을 보인다. 또한, 실제 실내환경에서 실험도 수행하는데 이 결과에 따르면 제안하는 기법이 기존 문턱값 기반 방식 및 합성곱 신경망 방식보다 4 [dB] 이상 우수한 성능을 보인다.

Prediction of pollution loads in the Geum River upstream using the recurrent neural network algorithm

  • Lim, Heesung;An, Hyunuk;Kim, Haedo;Lee, Jeaju
    • 농업과학연구
    • /
    • 제46권1호
    • /
    • pp.67-78
    • /
    • 2019
  • The purpose of this study was to predict the water quality using the RNN (recurrent neutral network) and LSTM (long short-term memory). These are advanced forms of machine learning algorithms that are better suited for time series learning compared to artificial neural networks; however, they have not been investigated before for water quality prediction. Three water quality indexes, the BOD (biochemical oxygen demand), COD (chemical oxygen demand), and SS (suspended solids) are predicted by the RNN and LSTM. TensorFlow, an open source library developed by Google, was used to implement the machine learning algorithm. The Okcheon observation point in the Geum River basin in the Republic of Korea was selected as the target point for the prediction of the water quality. Ten years of daily observed meteorological (daily temperature and daily wind speed) and hydrological (water level and flow discharge) data were used as the inputs, and irregularly observed water quality (BOD, COD, and SS) data were used as the learning materials. The irregularly observed water quality data were converted into daily data with the linear interpolation method. The water quality after one day was predicted by the machine learning algorithm, and it was found that a water quality prediction is possible with high accuracy compared to existing physical modeling results in the prediction of the BOD, COD, and SS, which are very non-linear. The sequence length and iteration were changed to compare the performances of the algorithms.

이상 전력 탐지를 위한 TCN-USAD (TCN-USAD for Anomaly Power Detection)

  • 진현석;김경백
    • 스마트미디어저널
    • /
    • 제13권7호
    • /
    • pp.9-17
    • /
    • 2024
  • 에너지 사용량의 증가와 친환경 정책으로 인해 건물 에너지를 효율적으로 소비할 필요가 있으며, 이를 위해 딥러닝 기반 이상 전력 탐지가 수행되고 있다. 수집이 어려운 이상치 데이터의 특징으로 인해 Recurrent Neural Network(RNN) 기반 오토인코더를 활용한 복원 에러 기반으로 이상 탐지가 수행되고 있으나, 시계열 특징을 온전히 학습하는데 시간이 오래 걸리고 학습 데이터의 노이즈에 민감하다는 단점이 있다. 본 논문에서는 이러한 한계를 극복하기 위해 Temporal Convolutional Network(TCN)과 UnSupervised Anomaly Detection for multivariate time series(USAD)를 결합한 TCN-USAD를 제안한다. 제안된 모델은 TCN 기반 오토인코더와 두 개의 디코더와 적대적 학습을 사용하는 USAD 구조를 활용하여 빠르게 시계열 특징을 온전히 학습할 수 있고 강건한 이상 탐지가 가능하다. TCN-USAD의 성능을 입증하기 위해 2개의 건물 전력 사용량 데이터 세트를 사용하여 비교 실험을 수행한 결과, TCN 기반 오토인코더는 RNN 기반 오토 인코더 대비 빠르고 복원 성능이 우수하였으며, 이를 활용한 TCN-USAD는 다른 이상 탐지 모델 대비 약 20% 개선된 F1-Score를 달성하여 뛰어난 이상 탐지 성능을 보였다.

음성 특징 필터를 이용한 딥러닝 기반 음성 감정 인식 기술 (Deep Learning-Based Speech Emotion Recognition Technology Using Voice Feature Filters)

  • 신현삼;홍준기
    • 한국빅데이터학회지
    • /
    • 제8권2호
    • /
    • pp.223-231
    • /
    • 2023
  • 본 연구에선 딥러닝 기반 음성 신호로부터 음성의 특징을 추출하고 분석하여 필터를 생성하고, 생성된 필터를 이용하여 음성 신호로부터 감정을 인식하는 모델을 제안하고 감정 인식 정확도 성능을 평가하였다. 제안한 모델을 사용한 시뮬레이션 결과에 따르면, DNN (Deep Neural Network)과 RNN (Recurrent Neural Network)의 평균 감정인식 정확도는 각각 84.59%와 84.52%으로 매우 비슷한 성능을 나타냈다. 하지만 DNN의 시뮬레이션 소요 시간은 RNN보다 약 44.5% 짧은 시뮬레이션 시간으로 감정을 예측할 수 있는 것을 확인하였다.

Training Method and Speaker Verification Measures for Recurrent Neural Network based Speaker Verification System

  • 김태형
    • 한국통신학회논문지
    • /
    • 제34권3C호
    • /
    • pp.257-267
    • /
    • 2009
  • This paper presents a training method for neural networks and the employment of MSE (mean scare error) values as the basis of a decision regarding the identity claim of a speaker in a recurrent neural networks based speaker verification system. Recurrent neural networks (RNNs) are employed to capture temporally dynamic characteristics of speech signal. In the process of supervised learning for RNNs, target outputs are automatically generated and the generated target outputs are made to represent the temporal variation of input speech sounds. To increase the capability of discriminating between the true speaker and an impostor, a discriminative training method for RNNs is presented. This paper shows the use and the effectiveness of the MSE value, which is obtained from the Euclidean distance between the target outputs and the outputs of networks for test speech sounds of a speaker, as the basis of speaker verification. In terms of equal error rates, results of experiments, which have been performed using the Korean speech database, show that the proposed speaker verification system exhibits better performance than a conventional hidden Markov model based speaker verification system.

Prefilter 형태의 카오틱 신경망을 이용한 로봇 경로 제어 (Robot Trajectory Control using Prefilter Type Chaotic Neural Networks Compensator)

  • 강원기;최운하김상희
    • 대한전자공학회:학술대회논문집
    • /
    • 대한전자공학회 1998년도 하계종합학술대회논문집
    • /
    • pp.263-266
    • /
    • 1998
  • This paper propose a prefilter type inverse control algorithm using chaotic neural networks. Since the chaotic neural networks show robust characteristics in approximation and adaptive learning for nonlinear dynamic system, the chaotic neural networks are suitable for controlling robotic manipulators. The structure of the proposed prefilter type controller compensate velocity of the PD controller. To estimate the proposed controller, we implemented to the Cartesian space control of three-axis PUMA robot and compared the final result with recurrent neural network(RNN) controller.

  • PDF

진동 제어 장치를 포함한 구조물의 지진 응답 예측을 위한 순환신경망의 하이퍼파라미터 연구 (Research on Hyperparameter of RNN for Seismic Response Prediction of a Structure With Vibration Control System)

  • 김현수;박광섭
    • 한국공간구조학회논문집
    • /
    • 제20권2호
    • /
    • pp.51-58
    • /
    • 2020
  • Recently, deep learning that is the most popular and effective class of machine learning algorithms is widely applied to various industrial areas. A number of research on various topics about structural engineering was performed by using artificial neural networks, such as structural design optimization, vibration control and system identification etc. When nonlinear semi-active structural control devices are applied to building structure, a lot of computational effort is required to predict dynamic structural responses of finite element method (FEM) model for development of control algorithm. To solve this problem, an artificial neural network model was developed in this study. Among various deep learning algorithms, a recurrent neural network (RNN) was used to make the time history response prediction model. An RNN can retain state from one iteration to the next by using its own output as input for the next step. An eleven-story building structure with semi-active tuned mass damper (TMD) was used as an example structure. The semi-active TMD was composed of magnetorheological damper. Five historical earthquakes and five artificial ground motions were used as ground excitations for training of an RNN model. Another artificial ground motion that was not used for training was used for verification of the developed RNN model. Parametric studies on various hyper-parameters including number of hidden layers, sequence length, number of LSTM cells, etc. After appropriate training iteration of the RNN model with proper hyper-parameters, the RNN model for prediction of seismic responses of the building structure with semi-active TMD was developed. The developed RNN model can effectively provide very accurate seismic responses compared to the FEM model.

합성곱 순환 신경망 구조를 이용한 지진 이벤트 분류 기법 (Earthquake events classification using convolutional recurrent neural network)

  • 구본화;김관태;장수;고한석
    • 한국음향학회지
    • /
    • 제39권6호
    • /
    • pp.592-599
    • /
    • 2020
  • 본 논문은 다양한 지진 이벤트 분류를 위해 지진 데이터의 정적인 특성과 동적인 특성을 동시에 반영할 수 있는 합성곱 순환 신경망(Convolutional Recurrent Neural Net, CRNN) 구조를 제안한다. 중규모 지진뿐만 아니라 미소 지진, 인공 지진을 포함한 지진 이벤트 분류 문제를 해결하려면 효과적인 특징 추출 및 분류 방법이 필요하다. 본 논문에서는 먼저 주의 기반 합성곱 레이어를 통해 지진 데이터의 정적 특성을 추출 하게 된다. 추출된 특징은 다중 입력 단일 출력 장단기메모리(Long Short-Term Memory, LSTM) 네트워크 구조에 순차적으로 입력되어 다양한 지진 이벤트 분류를 위한 동적 특성을 추출하게 되며 완전 연결 레이어와 소프트맥스 함수를 통해 지진 이벤트 분류를 수행한다. 국내외 지진을 이용한 모의 실험 결과 제안된 모델은 다양한 지진 이벤트 분류에 효과적인 모습을 보여 주었다.

Backward LSTM CRF를 이용한 한국어 의미역 결정 (Korean Semantic Role Labeling using Backward LSTM CRF)

  • 배장성;이창기;임수종
    • 한국정보과학회 언어공학연구회:학술대회논문집(한글 및 한국어 정보처리)
    • /
    • 한국정보과학회언어공학연구회 2015년도 제27회 한글 및 한국어 정보처리 학술대회
    • /
    • pp.194-197
    • /
    • 2015
  • Long Short-term Memory Network(LSTM) 기반 Recurrent Neural Network(RNN)는 순차 데이터를 모델링 할 수 있는 딥 러닝 모델이다. 기존 RNN의 그래디언트 소멸 문제(vanishing gradient problem)를 해결한 LSTM RNN은 멀리 떨어져 있는 이전의 입력 정보를 볼 수 있다는 장점이 있어 음성 인식 및 필기체 인식 등의 분야에서 좋은 성능을 보이고 있다. 또한 LSTM RNN 모델에 의존성(전이 확률)을 추가한 LSTM CRF모델이 자연어처리의 한 분야인 개체명 인식에서 우수한 성능을 보이고 있다. 본 논문에서는 한국어 문장의 지배소가 문장 후위에 나타나는 점에 착안하여 Backward 방식의 LSTM CRF 모델을 제안하고 이를 한국어 의미역 결정에 적용하여 기존 연구보다 더 높은 성능을 얻을 수 있음을 보인다.

  • PDF

음소기반의 순환 신경망 음성 검출기를 이용한 음성 향상 (Speech Enhancement using RNN Phoneme based VAD)

  • 이강;강상익;권장우;이상민
    • 전자공학회논문지
    • /
    • 제54권5호
    • /
    • pp.85-89
    • /
    • 2017
  • 본 논문에서는 향상된 연산 능력을 가진 하드웨어와 알고리즘의 혼합을 통하여 음성 향상을 위한 정확한 음성 검출기 구현을 목적으로 하였다. 음성은 음소의 나열로 구성되어있으며 음성 모델을 세우는데 적합한 방법은 이전의 정보를 이용하는 순환 신경망 (recurrent neural network, RNN)을 사용하는 것이다. 실제 존재하는 모든 잡음에 대하여 학습한 모델을 제시하는 것은 사실상 불가능 하므로 이를 극복하고자 음소기반 학습을 진행하였다. 학습의 결과로 세워진 모델을 기반으로 새로운 음성 신호에서 음성을 검출하고 그 결과를 이용하여 음성 향상을 진행하였다. 순환 신경망과 음소기반 학습은 프레임 별 높은 상관성을 가진 음성 신호에서 좋은 성능을 얻을 수 있었으며 음성 검출기의 성능을 검증하기 위하여 라벨 데이터와 음성 검출결과를 비교하고 다양한 잡음 환경에서 객관적 음질 평가를 진행하여 기존의 음성 향상 알고리즘과 비교하였다.