• 제목/요약/키워드: Convolutional recurrent neural network

검색결과 91건 처리시간 0.029초

생리적 신호를 이용한 통증 인식을 위한 딥 러닝 네트워크 (Deep Learning Network Approach for Pain Recognition Using Physiological Signals)

  • ;이귀상;양형정;김수형
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2021년도 추계학술발표대회
    • /
    • pp.1001-1004
    • /
    • 2021
  • Pain is an unpleasant experience for the patient. The recognition and assessment of pain help tailor the treatment to the patient, and they are also challenging in the medical. In this paper, we propose an approach for pain recognition through a deep neural network applied to pre-processed physiological. The proposed approach applies the idea of shortcut connections to concatenate the spatial information of a convolutional neural network and the temporal information of a recurrent neural network. In addition, our proposed approach applies the attention mechanism and achieves competitive performance on the BioVid Heat Pain dataset.

Cross-Domain Text Sentiment Classification Method Based on the CNN-BiLSTM-TE Model

  • Zeng, Yuyang;Zhang, Ruirui;Yang, Liang;Song, Sujuan
    • Journal of Information Processing Systems
    • /
    • 제17권4호
    • /
    • pp.818-833
    • /
    • 2021
  • To address the problems of low precision rate, insufficient feature extraction, and poor contextual ability in existing text sentiment analysis methods, a mixed model account of a CNN-BiLSTM-TE (convolutional neural network, bidirectional long short-term memory, and topic extraction) model was proposed. First, Chinese text data was converted into vectors through the method of transfer learning by Word2Vec. Second, local features were extracted by the CNN model. Then, contextual information was extracted by the BiLSTM neural network and the emotional tendency was obtained using softmax. Finally, topics were extracted by the term frequency-inverse document frequency and K-means. Compared with the CNN, BiLSTM, and gate recurrent unit (GRU) models, the CNN-BiLSTM-TE model's F1-score was higher than other models by 0.0147, 0.006, and 0.0052, respectively. Then compared with CNN-LSTM, LSTM-CNN, and BiLSTM-CNN models, the F1-score was higher by 0.0071, 0.0038, and 0.0049, respectively. Experimental results showed that the CNN-BiLSTM-TE model can effectively improve various indicators in application. Lastly, performed scalability verification through a takeaway dataset, which has great value in practical applications.

문서 분류의 개선을 위한 단어-문자 혼합 신경망 모델 (Hybrid Word-Character Neural Network Model for the Improvement of Document Classification)

  • 홍대영;심규석
    • 정보과학회 논문지
    • /
    • 제44권12호
    • /
    • pp.1290-1295
    • /
    • 2017
  • 문서의 텍스트를 바탕으로 각 문서가 속한 분류를 찾아내는 문서 분류는 자연어 처리의 기본 분야 중 하나로 주제 분류, 감정 분류 등 다양한 분야에 이용될 수 있다. 문서를 분류하기 위한 신경망 모델은 크게 단어를 기본 단위로 다루는 단어 수준 모델과 문자를 기본 단위로 다루는 문자 수준 모델로 나누어진다. 본 논문에서는 문서를 분류하는 신경망 모델의 성능을 향상시키기 위하여 문자 수준과 단어 수준의 모델을 혼합한 신경망 모델을 제안한다. 제안하는 모델은 각 단어에 대하여 문자 수준의 신경망 모델로 인코딩한 정보와 단어들의 정보를 저장하고 있는 단어 임베딩 행렬의 정보를 결합하여 각 단어에 대한 특징 벡터를 만든다. 추출된 단어들에 대한 특징 벡터를 바탕으로, 주의(attention) 메커니즘을 이용한 순환 신경망을 단어 수준과 문장 수준에 각각 적용하는 계층적 신경망 구조를 통해 문서를 분류한다. 제안한 모델에 대하여 실생활 데이터를 바탕으로 한 실험으로 효용성을 검증한다.

국내 외래객 출입국 데이터를 활용한 관광객 일별 수요 예측 인공지능 모델 연구 (A Study on Artificial Intelligence Model for Forecasting Daily Demand of Tourists Using Domestic Foreign Visitors Immigration Data)

  • 김동건;김동희;장승우;신성국;김광수
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2021년도 춘계학술대회
    • /
    • pp.35-37
    • /
    • 2021
  • 외래 관광객 수요를 분석하고 예측하는 것은 관광 정책을 수립하고 기획하는데 지대한 영향을 미치기 때문에 관광 산업 분야에서 매우 중요하다. 외래 관광객 데이터는 여러 외적 요인들에 의해 영향을 받기 때문에, 시간에 따른 미세한 변화가 많다는 특징을 갖는다. 따라서, 최근에는 관광객 입국자 수요를 예측하기 위해 경제 변수 등 여러 외적 요인들도 함께 반영하여 예측 모델을 설계하는 연구를 진행하고 있다. 그러나 기존의 시계열 예측에 주로 사용되는 회귀분석 모델과 순환신경망 모델은 여러 변수들을 반영하는 시계열 예측에 있어 좋은 성능을 보이지 못했다. 따라서 우리는 합성곱 신경망을 활용하여 이러한 한계점들을 보완한 외래 관광객 수요 예측 모델을 소개한다. 본 논문에서는 한국관광공사에서 제공한 과거 10개년 외래 관광객 데이터와 추가적으로 수집한 여러 외적 요인들을 입력 변수로 반영하는 1차원 합성곱 신경망을 설계하여 외래 관광객 수요를 예측하는 모델을 제시한다.

  • PDF

A Method for Generating Malware Countermeasure Samples Based on Pixel Attention Mechanism

  • Xiangyu Ma;Yuntao Zhao;Yongxin Feng;Yutao Hu
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제18권2호
    • /
    • pp.456-477
    • /
    • 2024
  • With information technology's rapid development, the Internet faces serious security problems. Studies have shown that malware has become a primary means of attacking the Internet. Therefore, adversarial samples have become a vital breakthrough point for studying malware. By studying adversarial samples, we can gain insights into the behavior and characteristics of malware, evaluate the performance of existing detectors in the face of deceptive samples, and help to discover vulnerabilities and improve detection methods for better performance. However, existing adversarial sample generation methods still need help regarding escape effectiveness and mobility. For instance, researchers have attempted to incorporate perturbation methods like Fast Gradient Sign Method (FGSM), Projected Gradient Descent (PGD), and others into adversarial samples to obfuscate detectors. However, these methods are only effective in specific environments and yield limited evasion effectiveness. To solve the above problems, this paper proposes a malware adversarial sample generation method (PixGAN) based on the pixel attention mechanism, which aims to improve adversarial samples' escape effect and mobility. The method transforms malware into grey-scale images and introduces the pixel attention mechanism in the Deep Convolution Generative Adversarial Networks (DCGAN) model to weigh the critical pixels in the grey-scale map, which improves the modeling ability of the generator and discriminator, thus enhancing the escape effect and mobility of the adversarial samples. The escape rate (ASR) is used as an evaluation index of the quality of the adversarial samples. The experimental results show that the adversarial samples generated by PixGAN achieve escape rates of 97%, 94%, 35%, 39%, and 43% on the Random Forest (RF), Support Vector Machine (SVM), Convolutional Neural Network (CNN), Convolutional Neural Network and Recurrent Neural Network (CNN_RNN), and Convolutional Neural Network and Long Short Term Memory (CNN_LSTM) algorithmic detectors, respectively.

인지 무선 통신을 위한 순환 신경망 기반 스펙트럼 센싱 기법 (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] 이상 우수한 성능을 보인다.

심층 학습 모델을 이용한 EPS 동작 신호의 인식 (EPS Gesture Signal Recognition using Deep Learning Model)

  • 이유라;김수형;김영철;나인섭
    • 스마트미디어저널
    • /
    • 제5권3호
    • /
    • pp.35-41
    • /
    • 2016
  • 본 논문에서는 심층 학습 모델 방법을 이용하여 EPS(Electronic Potential Sensor) 기반의 손동작 신호를 인식하는 시스템을 제안한다. 전기장 기반 센서인 EPS로부터 추출된 신호는 다량의 잡음이 포함되어 있어 이를 제거하는 전처리과정을 거쳐야 한다. 주파수 대역 특징 필터를 이용한 잡음 제거한 후, 신호는 시간에 따른 전압(Voltage) 값만 가지는 1차원적 특징을 지닌다. 2차원 데이터를 입력으로 하여 컨볼루션 연산을 하는 알고리즘에 적합한 형태를 갖추기 위해 신호는 차원 변형을 통해 재구성된다. 재구성된 신호데이터는 여러 계층의 학습 층(layer)을 가지는 심층 학습 기반의 모델을 통해 분류되어 최종 인식된다. 기존 확률 기반 통계적 모델링 알고리즘은 훈련 후 모델을 생성하는 과정에서 초기 파라미터에 결과가 좌우되는 어려움이 있었다. 심층 학습 기반 모델은 학습 층을 쌓아 훈련을 반복하므로 이를 극복할 수 있다. 실험에서, 제안된 심층 학습 기반의 서로 다른 구조를 가지는 컨볼루션 신경망(Convolutional Neural Networks), DBN(Deep Belief Network) 알고리즘과 통계적 모델링 기반의 방법을 이용한 인식 결과의 성능을 비교하였고, 컨볼루션 신경망 알고리즘이 다른 알고리즘에 비해 EPS 동작신호 인식에서 보다 우수한 성능을 나타냄을 보였다.

A comparative study of machine learning methods for automated identification of radioisotopes using NaI gamma-ray spectra

  • Galib, S.M.;Bhowmik, P.K.;Avachat, A.V.;Lee, H.K.
    • Nuclear Engineering and Technology
    • /
    • 제53권12호
    • /
    • pp.4072-4079
    • /
    • 2021
  • This article presents a study on the state-of-the-art methods for automated radioactive material detection and identification, using gamma-ray spectra and modern machine learning methods. The recent developments inspired this in deep learning algorithms, and the proposed method provided better performance than the current state-of-the-art models. Machine learning models such as: fully connected, recurrent, convolutional, and gradient boosted decision trees, are applied under a wide variety of testing conditions, and their advantage and disadvantage are discussed. Furthermore, a hybrid model is developed by combining the fully-connected and convolutional neural network, which shows the best performance among the different machine learning models. These improvements are represented by the model's test performance metric (i.e., F1 score) of 93.33% with an improvement of 2%-12% than the state-of-the-art model at various conditions. The experimental results show that fusion of classical neural networks and modern deep learning architecture is a suitable choice for interpreting gamma spectra data where real-time and remote detection is necessary.

심층신경망을 이용한 PCB 부품의 인쇄문자 인식 (Recognition of Characters Printed on PCB Components Using Deep Neural Networks)

  • 조태훈
    • 반도체디스플레이기술학회지
    • /
    • 제20권3호
    • /
    • pp.6-10
    • /
    • 2021
  • Recognition of characters printed or marked on the PCB components from images captured using cameras is an important task in PCB components inspection systems. Previous optical character recognition (OCR) of PCB components typically consists of two stages: character segmentation and classification of each segmented character. However, character segmentation often fails due to corrupted characters, low image contrast, etc. Thus, OCR without character segmentation is desirable and increasingly used via deep neural networks. Typical implementation based on deep neural nets without character segmentation includes convolutional neural network followed by recurrent neural network (RNN). However, one disadvantage of this approach is slow execution due to RNN layers. LPRNet is a segmentation-free character recognition network with excellent accuracy proved in license plate recognition. LPRNet uses a wide convolution instead of RNN, thus enabling fast inference. In this paper, LPRNet was adapted for recognizing characters printed on PCB components with fast execution and high accuracy. Initial training with synthetic images followed by fine-tuning on real text images yielded accurate recognition. This net can be further optimized on Intel CPU using OpenVINO tool kit. The optimized version of the network can be run in real-time faster than even GPU.

CTC를 적용한 CRNN 기반 한국어 음소인식 모델 연구 (CRNN-Based Korean Phoneme Recognition Model with CTC Algorithm)

  • 홍윤석;기경서;권가진
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제8권3호
    • /
    • pp.115-122
    • /
    • 2019
  • 지금까지의 한국어 음소 인식에는 은닉 마르코프-가우시안 믹스쳐 모델(HMM-GMM)이나 인공신경망-HMM을 결합한 하이브리드 시스템이 주로 사용되어 왔다. 하지만 이 방법은 성능 개선 여지가 적으며, 전문가에 의해 제작된 강제정렬(force-alignment) 코퍼스 없이는 학습이 불가능하다는 단점이 있다. 이 모델의 문제로 인해 타 언어를 대상으로 한 음소 인식 연구에서는 이 단점을 보완하기 위해 순환 신경망(RNN) 계열 구조와 Connectionist Temporal Classification(CTC) 알고리즘을 결합한 신경망 기반 음소 인식 모델이 연구된 바 있다. 그러나 RNN 계열 모델을 학습시키기 위해 많은 음성 말뭉치가 필요하고 구조가 복잡해질 경우 학습이 까다로워, 정제된 말뭉치가 부족하고 기반 연구가 비교적 부족한 한국어의 경우 사용에 제약이 있었다. 이에 본 연구는 강제정렬이 불필요한 CTC 알고리즘을 도입하되, RNN에 비해 더 학습 속도가 빠르고 더 적은 말뭉치로도 학습이 가능한 합성곱 신경망(CNN)을 기반으로 한국어 음소 인식 모델을 구축하여 보고자 시도하였다. 총 2가지의 비교 실험을 통해 본 연구에서는 한국어에 존재하는 49가지의 음소를 판별하는 음소 인식기 모델을 제작하였으며, 실험 결과 최종적으로 선정된 음소 인식 모델은 CNN과 3층의 Bidirectional LSTM을 결합한 구조로, 이 모델의 최종 PER(Phoneme Error Rate)은 3.26으로 나타났다. 이는 한국어 음소 인식 분야에서 보고된 기존 선행 연구들의 PER인 10~12와 비교하면 상당한 성능 향상이라고 할 수 있다.