• Title/Summary/Keyword: Convolutional Neural Networks (CNN)

Search Result 341, Processing Time 0.02 seconds

Active Sonar Target/Non-target Classification using Convolutional Neural Networks (CNN을 이용한 능동 소나 표적/비표적 분류)

  • Kim, Dongwook;Seok, Jongwon;Bae, Keunsung
    • Journal of Korea Multimedia Society
    • /
    • v.21 no.9
    • /
    • pp.1062-1067
    • /
    • 2018
  • Conventional active sonar technology has relied heavily on the hearing of sonar operator, but recently, many techniques for automatic detection and classification have been studied. In this paper, we extract the image data from the spectrogram of the active sonar signal and classify the extracted data using CNN(convolutional neural networks), which has recently presented excellent performance improvement in the field of pattern recognition. First, we divided entire data set into eight classes depending on the ratio containing the target. Then, experiments were conducted to classify the eight classes data using proposed CNN structure, and the results were analyzed.

Drone Image Classification based on Convolutional Neural Networks (컨볼루션 신경망을 기반으로 한 드론 영상 분류)

  • Joo, Young-Do
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.17 no.5
    • /
    • pp.97-102
    • /
    • 2017
  • Recently deep learning techniques such as convolutional neural networks (CNN) have been introduced to classify high-resolution remote sensing data. In this paper, we investigated the possibility of applying CNN to crop classification of farmland images captured by drones. The farming area was divided into seven classes: rice field, sweet potato, red pepper, corn, sesame leaf, fruit tree, and vinyl greenhouse. We performed image pre-processing and normalization to apply CNN, and the accuracy of image classification was more than 98%. With the output of this study, it is expected that the transition from the existing image classification methods to the deep learning based image classification methods will be facilitated in a fast manner, and the possibility of success can be confirmed.

Classification of Warhead and Debris using CFAR and Convolutional Neural Networks (CFAR와 합성곱 신경망을 이용한 기두부와 단 분리 시 조각 구분)

  • Seol, Seung-Hwan;Choi, In-Sik
    • The Journal of Korean Institute of Information Technology
    • /
    • v.17 no.6
    • /
    • pp.85-94
    • /
    • 2019
  • Warhead and debris show the different micro-Doppler frequency shape in the spectrogram because of the different micro motion. So we can classify them using the micro-Doppler features. In this paper, we classified warhead and debris in the separation phase using CNN(Convolutional Neural Networks). For the input image of CNN, we used micro-Doppler spectrogram. In addition, to improve classification performance of warhead and debris, we applied the preprocessing using CA-CFAR to the micro-Doppler spectrogram. As a result, when the preprocessing of micro-Doppler spectrogram was used, classification performance is improved in all signal-to-noise ratio(SNR).

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

  • Lee, Hagyeong;Song, Jongwoo
    • Communications for Statistical Applications and Methods
    • /
    • v.26 no.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.

Epileptic Seizure Detection for Multi-channel EEG with Recurrent Convolutional Neural Networks (순환 합성곱 신경망를 이용한 다채널 뇌파 분석의 간질 발작 탐지)

  • Yoo, Ji-Hyun
    • Journal of IKEEE
    • /
    • v.22 no.4
    • /
    • pp.1175-1179
    • /
    • 2018
  • In this paper, we propose recurrent CNN(Convolutional Neural Networks) for detecting seizures among patients using EEG signals. In the proposed method, data were mapped by image to preserve the spectral characteristics of the EEG signal and the position of the electrode. After the spectral preprocessing, we input it into CNN and extracted the spatial and temporal features without wavelet transform. Results from the Children's Hospital of Boston Massachusetts Institute of Technology (CHB-MIT) dataset showed a sensitivity of 90% and a false positive rate (FPR) of 0.85 per hour.

A Study on the Vehicle License Plate Recognition Using Convolutional Neural Networks(CNNs) (CNN 기법을 이용한 자동차 번호판 인식법 연구)

  • Nkundwanayo Seth;Gyoo-Soo Chae
    • Journal of Advanced Technology Convergence
    • /
    • v.2 no.4
    • /
    • pp.7-11
    • /
    • 2023
  • In this study, we presented a method to recognize vehicle license plates using CNN techniques. A vehicle plate is normally used for the official identification purposes by the authorities. Most regular Optical Character Recognition (OCR) techniques perform well in recognizing printed characters on documents but cannot make out the registration number on the number plates. Besides, the existing approaches to plate number detection require that the vehicle is stationary and not in motion. To address these challenges to number plate detection we make the following contributions. We create a database of captured vehicle number plate's images and recognize the number plate character using Convolutional Neural Networks. The results of this study can be usefully used in parking management systems and enforcement cameras.

I-QANet: Improved Machine Reading Comprehension using Graph Convolutional Networks (I-QANet: 그래프 컨볼루션 네트워크를 활용한 향상된 기계독해)

  • Kim, Jeong-Hoon;Kim, Jun-Yeong;Park, Jun;Park, Sung-Wook;Jung, Se-Hoon;Sim, Chun-Bo
    • Journal of Korea Multimedia Society
    • /
    • v.25 no.11
    • /
    • pp.1643-1652
    • /
    • 2022
  • Most of the existing machine reading research has used Recurrent Neural Network (RNN) and Convolutional Neural Network (CNN) algorithms as networks. Among them, RNN was slow in training, and Question Answering Network (QANet) was announced to improve training speed. QANet is a model composed of CNN and self-attention. CNN extracts semantic and syntactic information well from the local corpus, but there is a limit to extracting the corresponding information from the global corpus. Graph Convolutional Networks (GCN) extracts semantic and syntactic information relatively well from the global corpus. In this paper, to take advantage of this strength of GCN, we propose I-QANet, which changed the CNN of QANet to GCN. The proposed model performed 1.2 times faster than the baseline in the Stanford Question Answering Dataset (SQuAD) dataset and showed 0.2% higher performance in Exact Match (EM) and 0.7% higher in F1. Furthermore, in the Korean Question Answering Dataset (KorQuAD) dataset consisting only of Korean, the learning time was 1.1 times faster than the baseline, and the EM and F1 performance were also 0.9% and 0.7% higher, respectively.

Real-Time License Plate Detection Based on Faster R-CNN (Faster R-CNN 기반의 실시간 번호판 검출)

  • Lee, Dongsuk;Yoon, Sook;Lee, Jaehwan;Park, Dong Sun
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.5 no.11
    • /
    • pp.511-520
    • /
    • 2016
  • Automatic License Plate Detection (ALPD) is a key technology for a efficient traffic control. It is used to improve work efficiency in many applications such as toll payment systems and parking and traffic management. Until recently, the hand-crafted features made for image processing are used to detect license plates in most studies. It has the advantage in speed. but can degrade the detection rate with respect to various environmental changes. In this paper, we propose a way to utilize a Faster Region based Convolutional Neural Networks (Faster R-CNN) and a Conventional Convolutional Neural Networks (CNN), which improves the computational speed and is robust against changed environments. The module based on Faster R-CNN is used to detect license plate candidate regions from images and is followed by the module based on CNN to remove False Positives from the candidates. As a result, we achieved a detection rate of 99.94% from images captured under various environments. In addition, the average operating speed is 80ms/image. We implemented a fast and robust Real-Time License Plate Detection System.

New Approach to Optimize the Size of Convolution Mask in Convolutional Neural Networks

  • Kwak, Young-Tae
    • Journal of the Korea Society of Computer and Information
    • /
    • v.21 no.1
    • /
    • pp.1-8
    • /
    • 2016
  • Convolutional neural network (CNN) consists of a few pairs of both convolution layer and subsampling layer. Thus it has more hidden layers than multi-layer perceptron. With the increased layers, the size of convolution mask ultimately determines the total number of weights in CNN because the mask is shared among input images. It also is an important learning factor which makes or breaks CNN's learning. Therefore, this paper proposes the best method to choose the convolution size and the number of layers for learning CNN successfully. Through our face recognition with vast learning examples, we found that the best size of convolution mask is 5 by 5 and 7 by 7, regardless of the number of layers. In addition, the CNN with two pairs of both convolution and subsampling layer is found to make the best performance as if the multi-layer perceptron having two hidden layers does.

Convolutional Neural Networks for Facial Expression Recognition (얼굴 표정 인식을 위한 Convolutional Neural Networks)

  • Choi, In-Kyu;Song, Hyok;Yoo, Jisang
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2016.11a
    • /
    • pp.17-18
    • /
    • 2016
  • 본 논문에서는 딥러닝 기술 중의 하나인 CNN(Convolutional Neural Network) 기반의 얼굴 표정 인식 기법을 제안한다. 제안한 기법에서는 획득한 여섯 가지 주요 표정의 얼굴영상들을 학습 데이터로 이용할 때 분류 성능을 저해시키는 과적합(over-fitting) 문제를 해결하기 위해서 데이터 증대 기법(data augmentation)을 적용한다. 또한 기존의 CNN 구조에서 convolutional layer 및 node의 수를 변경하여 학습 파라미터 수를 대폭 감소시킬 수 있다. 실험 결과 제안하는 데이터 증대 기법 및 개선한 구조가 높은 얼굴 표정 분류 성능을 보여준다는 것을 확인하였다.

  • PDF