• 제목/요약/키워드: Convolutional Neural Network (CNN)

검색결과 945건 처리시간 0.025초

Convolutional Neural Network (CNN) 기반의 단백질 간 상호 작용 추출 (Extraction of Protein-Protein Interactions based on Convolutional Neural Network (CNN))

  • 최성필
    • 정보과학회 컴퓨팅의 실제 논문지
    • /
    • 제23권3호
    • /
    • pp.194-198
    • /
    • 2017
  • 본 논문에서는 학술 문헌에서 표현된 단백질 간 상호 작용(Protein-Protein Interaction) 정보를 자동으로 추출하기 위한 확장된 형태의 Convolutional Neural Network (CNN) 모델을 제안한다. 이 모델은 기존에 관계 추출(Relation Extraction)을 위해 고안된 단순 자질 기반의 CNN 모델을 확장하여 다양한 전역 자질들을 추가적으로 적용함으로써 성능을 개선할 수 있는 장점이 있다. PPI 추출 성능 평가를 위해서 많이 활용되고 있는 준거 평가 컬렉션인 AIMed를 이용한 실험에서 F-스코어 기준으로 78.0%를 나타내어 현재까지 도출된 세계 최고 성능에 비해 8.3% 높은 성능을 나타내었다. 추가적으로 CNN 모델이 복잡한 언어 처리를 통한 자질 추출 작업을 하지 않고도 단백질간 상호 작용 추출에 높은 성능을 나타냄을 보였다.

Comparison of Convolutional Neural Network Models for Image Super Resolution

  • Jian, Chen;Yu, Songhyun;Jeong, Jechang
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2018년도 하계학술대회
    • /
    • pp.63-66
    • /
    • 2018
  • Recently, a convolutional neural network (CNN) models at single image super-resolution have been very successful. Residual learning improves training stability and network performance in CNN. In this paper, we compare four convolutional neural network models for super-resolution (SR) to learn nonlinear mapping from low-resolution (LR) input image to high-resolution (HR) target image. Four models include general CNN model, global residual learning CNN model, local residual learning CNN model, and the CNN model with global and local residual learning. Experiment results show that the results are greatly affected by how skip connections are connected at the basic CNN network, and network trained with only global residual learning generates highest performance among four models at objective and subjective evaluations.

  • PDF

계층적 CNN을 이용한 방송 매체 내의 객체 인식 시스템 성능향상 방안 (Performance Improvement of Object Recognition System in Broadcast Media Using Hierarchical CNN)

  • 권명규;양효식
    • 디지털융복합연구
    • /
    • 제15권3호
    • /
    • pp.201-209
    • /
    • 2017
  • 본 논문은 계층적 Convolutional Nerual Network(CNN)을 이용한 스마트폰용 객체 인식 시스템이다. 전체적인 구성은 스마트폰과 서버를 연결하여 서버에서 컨볼루셔널 뉴럴 네트워크로 객체 인식을 하고 수집된 데이터를 매칭시켜 스마트폰으로 객체의 상세정보를 전달하는 방법이다. 또한 계층적 컨볼루셔널 뉴럴 네트워크와 단편적 컨볼루셔널 뉴럴 네트워크와 비교하였다. 계층적 컨볼루셔널 뉴럴 네트워크는 88%, 단편적 컨볼루셔널 뉴럴 네트워크는 73%의 정확도를 가지며 15%p의 성능 향상을 보였다. 이를 기반으로 스마트폰과 방송매체와 연동한 T-Commerce 시장 확장의 가능성을 보여준다. 아울러 방송영상을 시청하면서 Information Retrieval, AR/VR 서비스도 제공 가능하다.

공분산과 모듈로그램을 이용한 콘볼루션 신경망 기반 양서류 울음소리 구별 (Convolutional neural network based amphibian sound classification using covariance and modulogram)

  • 고경득;박상욱;고한석
    • 한국음향학회지
    • /
    • 제37권1호
    • /
    • pp.60-65
    • /
    • 2018
  • 본 논문에서는 양서류 울음소리 구별을 CNN(Convolutional Neural Network)에 적용하기 위한 방법으로 공분산 행렬과 모듈로그램(modulogram)을 제안한다. 먼저, 멸종 위기 종을 포함한 양서류 9종의 울음소리를 자연 환경에서 추출하여 데이터베이스를 구축했다. 구축된 데이터를 CNN에 적용하기 위해서는 길이가 다른 음향신호를 정형화하는 과정이 필요하다. 음향신호를 정형화하기 위해서 분포에 대한 정보를 나타내는 공분산 행렬과 시간에 대한 변화를 내포하는 모듈로그램을 추출하여, CNN의 입력으로 사용했다. CNN은 convolutional layer와 fully-connected layer의 수를 변경해 가며 실험하였다. 추가적으로, CNN의 성능을 비교하기 위해 기존에 음향 신호 분석에서 쓰이는 알고리즘과 비교해보았다. 그 결과, convolutional layer가 fully-connected layer보다 성능에 큰 영향을 끼치는 것을 확인했다. 또한 CNN을 사용하였을 때 99.07 % 인식률로, 기존에 음향분석에 쓰이는 알고리즘 보다 높은 성능을 보인 것을 확인했다.

Introduction to convolutional neural network using Keras; an understanding from a statistician

  • Lee, Hagyeong;Song, Jongwoo
    • Communications for Statistical Applications and Methods
    • /
    • 제26권6호
    • /
    • pp.591-610
    • /
    • 2019
  • Deep Learning is one of the machine learning methods to find features from a huge data using non-linear transformation. It is now commonly used for supervised learning in many fields. In particular, Convolutional Neural Network (CNN) is the best technique for the image classification since 2012. For users who consider deep learning models for real-world applications, Keras is a popular API for neural networks written in Python and also can be used in R. We try examine the parameter estimation procedures of Deep Neural Network and structures of CNN models from basics to advanced techniques. We also try to figure out some crucial steps in CNN that can improve image classification performance in the CIFAR10 dataset using Keras. We found that several stacks of convolutional layers and batch normalization could improve prediction performance. We also compared image classification performances with other machine learning methods, including K-Nearest Neighbors (K-NN), Random Forest, and XGBoost, in both MNIST and CIFAR10 dataset.

깊은 Convolutional Neural Network를 이용한 얼굴표정 분류 기법 (Facial Expression Classification Using Deep Convolutional Neural Network)

  • 최인규;송혁;이상용;유지상
    • 방송공학회논문지
    • /
    • 제22권2호
    • /
    • pp.162-172
    • /
    • 2017
  • 본 논문에서는 딥러닝 기술 중의 하나인 CNN(Convolutional Neural Network)을 이용한 얼굴 표정 인식 기법을 제안한다. 기존의 얼굴 표정 데이터베이스의 단점을 보완하고자 질 좋은 다양한 데이터베이스를 이용한다. 제안한 기법에서는 '무표정', '행복', '슬픔', '화남', '놀람', 그리고 '역겨움' 등의 여섯 가지 얼굴 표정 data-set을 구축한다. 효율적인 학습 및 분류 성능을 향상시키기 위해서 전처리 및 데이터 증대 기법(data augmentation)도 적용한다. 기존의 CNN 구조에서 convolutional layer의 특징지도의 수와 fully-connected layer의 node의 수를 조정하면서 여섯 가지 얼굴 표정의 특징을 가장 잘 표현하는 최적의 CNN 구조를 찾는다. 실험 결과 제안하는 구조가 다른 모델에 비해 CNN 구조를 통과하는 시간이 가장 적게 걸리면서도 96.88%의 가장 높은 분류 성능을 보이는 것을 확인하였다.

Speech Emotion Recognition Using 2D-CNN with Mel-Frequency Cepstrum Coefficients

  • Eom, Youngsik;Bang, Junseong
    • Journal of information and communication convergence engineering
    • /
    • 제19권3호
    • /
    • pp.148-154
    • /
    • 2021
  • With the advent of context-aware computing, many attempts were made to understand emotions. Among these various attempts, Speech Emotion Recognition (SER) is a method of recognizing the speaker's emotions through speech information. The SER is successful in selecting distinctive 'features' and 'classifying' them in an appropriate way. In this paper, the performances of SER using neural network models (e.g., fully connected network (FCN), convolutional neural network (CNN)) with Mel-Frequency Cepstral Coefficients (MFCC) are examined in terms of the accuracy and distribution of emotion recognition. For Ryerson Audio-Visual Database of Emotional Speech and Song (RAVDESS) dataset, by tuning model parameters, a two-dimensional Convolutional Neural Network (2D-CNN) model with MFCC showed the best performance with an average accuracy of 88.54% for 5 emotions, anger, happiness, calm, fear, and sadness, of men and women. In addition, by examining the distribution of emotion recognition accuracies for neural network models, the 2D-CNN with MFCC can expect an overall accuracy of 75% or more.

콘볼류션 신경망을 이용한 손글씨 숫자 인식 구현 (Implementation of Handwriting Number Recognition using Convolutional Neural Network)

  • 박태주;송특섭
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2021년도 춘계학술대회
    • /
    • pp.561-562
    • /
    • 2021
  • CNN(Convolutional Neural Network)은 다양한 이미지를 인식하는데 많이 사용되고 있다. 본 발표에서는 딥러닝의 CNN 기법을 적용해서 사람이 직접 손으로 쓴 한 자리 숫자를 인식하였다. 딥러닝 네트워크는 합성곱 레이어, 풀링 레이어, 플래튼 레이어로 구성하였고 마지막으로 최적화 방법, 학습률과 손실 함수를 설정하였다.

  • PDF

CPU 기반의 딥러닝 컨볼루션 신경망을 이용한 이륜 차량 번호판 인식 알고리즘 (Twowheeled Motor Vehicle License Plate Recognition Algorithm using CPU based Deep Learning Convolutional Neural Network)

  • 김진호
    • 디지털산업정보학회논문지
    • /
    • 제19권4호
    • /
    • pp.127-136
    • /
    • 2023
  • Many research results on the traffic enforcement of illegal driving of twowheeled motor vehicles using license plate recognition are introduced. Deep learning convolutional neural networks can be used for character and word recognition of license plates because of better generalization capability compared to traditional Backpropagation neural networks. In the plates of twowheeled motor vehicles, the interdependent government and city words are included. If we implement the mutually independent word recognizers using error correction rules for two word recognition results, efficient license plate recognition results can be derived. The CPU based convolutional neural network without library under real time processing has an advantage of low cost real application compared to GPU based convolutional neural network with library. In this paper twowheeled motor vehicle license plate recognition algorithm is introduced using CPU based deep-learning convolutional neural network. The experimental results show that the proposed plate recognizer has 96.2% success rate for outdoor twowheeled motor vehicle images in real time.

초경량 Convolutional Neural Network를 이용한 차량용 Intrusion Detection System의 설계 및 구현 (Design and Implementation of Automotive Intrusion Detection System Using Ultra-Lightweight Convolutional Neural Network)

  • 이명진;임형철;최민석;차민재;이성수
    • 전기전자학회논문지
    • /
    • 제27권4호
    • /
    • pp.524-530
    • /
    • 2023
  • 본 논문에서는 경량화된 CNN(Convolutional Neural Network)을 사용하여 CAN(Controller Area Network) 버스 상의 공격을 탐지하는 효율적인 알고리즘을 제안하고, 이를 기반으로 하는 IDS(Intrusion Detection System)를 FPGA로 설계, 구현 및 검증하였다. 제안한 IDS는 기존의 CNN 기반 IDS에 비해 CAN 버스 상의 공격을 프레임 단위로 탐지할 수 있어서 정확하고 신속한 대응이 가능하다. 또한 제안한 IDS는 기존의 CNN 기반 IDS에 비해 컨볼루션 레이어를 하나만 사용하기 때문에 하드웨어를 크게 줄일 수 있다. 시뮬레이션 및 구현 결과는 제안된 IDS가 CAN 버스 상의 다양한 공격을 효과적으로 탐지한다는 것을 보여준다.