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

검색결과 69건 처리시간 0.027초

CNN을 이용한 Al 6061 압출재의 표면 결함 분류 연구 (Study on the Surface Defect Classification of Al 6061 Extruded Material By Using CNN-Based Algorithms)

  • 김수빈;이기안
    • 소성∙가공
    • /
    • 제31권4호
    • /
    • pp.229-239
    • /
    • 2022
  • Convolution Neural Network(CNN) is a class of deep learning algorithms and can be used for image analysis. In particular, it has excellent performance in finding the pattern of images. Therefore, CNN is commonly applied for recognizing, learning and classifying images. In this study, the surface defect classification performance of Al 6061 extruded material using CNN-based algorithms were compared and evaluated. First, the data collection criteria were suggested and a total of 2,024 datasets were prepared. And they were randomly classified into 1,417 learning data and 607 evaluation data. After that, the size and quality of the training data set were improved using data augmentation techniques to increase the performance of deep learning. The CNN-based algorithms used in this study were VGGNet-16, VGGNet-19, ResNet-50 and DenseNet-121. The evaluation of the defect classification performance was made by comparing the accuracy, loss, and learning speed using verification data. The DenseNet-121 algorithm showed better performance than other algorithms with an accuracy of 99.13% and a loss value of 0.037. This was due to the structural characteristics of the DenseNet model, and the information loss was reduced by acquiring information from all previous layers for image identification in this algorithm. Based on the above results, the possibility of machine vision application of CNN-based model for the surface defect classification of Al extruded materials was also discussed.

딥러닝을 이용한 풍력 발전량 예측 (Prediction of Wind Power Generation using Deep Learnning)

  • 최정곤;최효상
    • 한국전자통신학회논문지
    • /
    • 제16권2호
    • /
    • pp.329-338
    • /
    • 2021
  • 본 연구는 풍력발전의 합리적인 운영 계획과 에너지 저장창치의 용량산정을 위한 풍력 발전량을 예측한다. 예측을 위해 물리적 접근법과 통계적 접근법을 결합하여 풍력 발전량의 예측 방법을 제시하고 풍력 발전의 요인을 분석하여 변수를 선정한다. 선정된 변수들의 과거 데이터를 수집하여 딥러닝을 이용해 풍력 발전량을 예측한다. 사용된 모델은 Bidirectional LSTM(:Long short term memory)과 CNN(:Convolution neural network) 알고리즘을 결합한 하이브리드 모델을 구성하였으며, 예측 성능 비교를 위해 MLP 알고리즘으로 이루어진 모델과 오차를 비교하여, 예측 성능을 평가하고 그 결과를 제시한다.

A Study of Facial Organs Classification System Based on Fusion of CNN Features and Haar-CNN Features

  • Hao, Biao;Lim, Hye-Youn;Kang, Dae-Seong
    • 한국정보기술학회논문지
    • /
    • 제16권11호
    • /
    • pp.105-113
    • /
    • 2018
  • 본 논문에서는 사람 얼굴의 눈, 코, 입을 효과적으로 분류하는 방법을 제안한다. 최근 대부분의 이미지 분류는 CNN(Convolutional Neural Network)을 이용한다. 그러나 CNN으로 추출한 특징은 충분하지 않아 분류 효과가 낮은 경우가 있다. 분류 효과를 더 높이기 위해 새로운 알고리즘을 제안한다. 제안하는 방법은 크게 세 부분으로 나눌 수 있다. 첫 번째는 Haar 특징추출 알고리즘을 사용하여 얼굴의 눈, 코, 입 데이터?을 구성한다. 두번째는 CNN 구조 중 하나인 AlexNet을 사용하여 이미지의 CNN 특징을 추출한다. 마지막으로 Haar 특징 추출 뒤에 합성(Convolution) 연산을 수행하여 Haar-CNN 특징을 추출한다. 그 후 CNN 특징과 Haar-CNN을 혼합하여 Softmax를 이용해 분류한다. 혼합한 특징을 사용한 인식률은 기존의 CNN 특징 보다 약 4% 향상되었다. 실험을 통해 제안하는 방법의 성능을 증명하였다.

컨볼루션 신경망의 특징맵을 사용한 객체 추적 (Object Tracking using Feature Map from Convolutional Neural Network)

  • 임수창;김도연
    • 한국멀티미디어학회논문지
    • /
    • 제20권2호
    • /
    • pp.126-133
    • /
    • 2017
  • The conventional hand-crafted features used to track objects have limitations in object representation. Convolutional neural networks, which show good performance results in various areas of computer vision, are emerging as new ways to break through the limitations of feature extraction. CNN extracts the features of the image through layers of multiple layers, and learns the kernel used for feature extraction by itself. In this paper, we use the feature map extracted from the convolution layer of the convolution neural network to create an outline model of the object and use it for tracking. We propose a method to adaptively update the outline model to cope with various environment change factors affecting the tracking performance. The proposed algorithm evaluated the validity test based on the 11 environmental change attributes of the CVPR2013 tracking benchmark and showed excellent results in six attributes.

합성곱 신경망 및 영상처리 기법을 활용한 피부 모공 등급 예측 시스템 (A Prediction System of Skin Pore Labeling Using CNN and Image Processing)

  • 이태희;황우성;최명렬
    • 전기전자학회논문지
    • /
    • 제26권4호
    • /
    • pp.647-652
    • /
    • 2022
  • 본 논문은 사용자들에 의해 촬영된 피부이미지를 가공하여 데이터 세트를 구축하고, 제안한 영상처리 기법에 의해 모공 특징이미지를 생성하여, CNN(Convolution Neural Network) 모델 기반의 모공 상태 등급 예측 시스템을 구현한다. 본 논문에서 활용하는 피부이미지 데이터 세트는, 피부미용 전문가의 육안 분류 기준에 근거하여, 모공 특징에 대한 등급을 라벨링 하였다. 제안한 영상처리 기법을 적용하여 피부이미지로 부터 모공 특징 이미지를 생성하고, 모공 특징 등급을 예측하는 CNN 모델의 학습을 진행하였다. 제안한 CNN 모델에 의한 모공 특징은 전문가의 육안 분류 결과와 유사한 예측 결과를 얻었으며, 비교 모델(Resnet-50)에 의한 결과보다 적은 학습시간과 높은 예측결과를 얻었다. 본 논문의 본론에서는 제안한 영상처리 기법과 CNN 적용의 결과에 대해 서술하며, 결론에서는 제안한 방법에 대한 결과와 향후 연구방안에 대해 서술한다.

Classification of Midinfrared Spectra of Colon Cancer Tissue Using a Convolutional Neural Network

  • Kim, In Gyoung;Lee, Changho;Kim, Hyeon Sik;Lim, Sung Chul;Ahn, Jae Sung
    • Current Optics and Photonics
    • /
    • 제6권1호
    • /
    • pp.92-103
    • /
    • 2022
  • The development of midinfrared (mid-IR) quantum cascade lasers (QCLs) has enabled rapid high-contrast measurement of the mid-IR spectra of biological tissues. Several studies have compared the differences between the mid-IR spectra of colon cancer and noncancerous colon tissues. Most mid-IR spectrum classification studies have been proposed as machine-learning-based algorithms, but this results in deviations depending on the initial data and threshold values. We aim to develop a process for classifying colon cancer and noncancerous colon tissues through a deep-learning-based convolutional-neural-network (CNN) model. First, we image the midinfrared spectrum for the CNN model, an image-based deep-learning (DL) algorithm. Then, it is trained with the CNN algorithm and the classification ratio is evaluated using the test data. When the tissue microarray (TMA) and routine pathological slide are tested, the ML-based support-vector-machine (SVM) model produces biased results, whereas we confirm that the CNN model classifies colon cancer and noncancerous colon tissues. These results demonstrate that the CNN model using midinfrared-spectrum images is effective at classifying colon cancer tissue and noncancerous colon tissue, and not only submillimeter-sized TMA but also routine colon cancer tissue samples a few tens of millimeters in size.

SPAD과 CNN의 특성을 반영한 ToF 센서와 스테레오 카메라 융합 시스템 (Fusion System of Time-of-Flight Sensor and Stereo Cameras Considering Single Photon Avalanche Diode and Convolutional Neural Network)

  • 김동엽;이재민;전세웅
    • 로봇학회논문지
    • /
    • 제13권4호
    • /
    • pp.230-236
    • /
    • 2018
  • 3D depth perception has played an important role in robotics, and many sensory methods have also proposed for it. As a photodetector for 3D sensing, single photon avalanche diode (SPAD) is suggested due to sensitivity and accuracy. We have researched for applying a SPAD chip in our fusion system of time-of-fight (ToF) sensor and stereo camera. Our goal is to upsample of SPAD resolution using RGB stereo camera. Currently, we have 64 x 32 resolution SPAD ToF Sensor, even though there are higher resolution depth sensors such as Kinect V2 and Cube-Eye. This may be a weak point of our system, however we exploit this gap using a transition of idea. A convolution neural network (CNN) is designed to upsample our low resolution depth map using the data of the higher resolution depth as label data. Then, the upsampled depth data using CNN and stereo camera depth data are fused using semi-global matching (SGM) algorithm. We proposed simplified fusion method created for the embedded system.

이산화 전처리 방식 및 컨볼루션 신경망을 활용한 네트워크 침입 탐지에 대한 연구 (A Research on Network Intrusion Detection based on Discrete Preprocessing Method and Convolution Neural Network)

  • 유지훈;민병준;김상수;신동일;신동규
    • 인터넷정보학회논문지
    • /
    • 제22권2호
    • /
    • pp.29-39
    • /
    • 2021
  • 새롭게 발생되는 사이버 공격으로 인해 개인, 민간 및 기업의 피해가 증가함에 따라, 이에 기반이 되는 네트워크 보안 문제는 컴퓨터 시스템의 주요 문제로 부각되었다. 이에 기존에 사용되는 네트워크 침입 탐지 시스템(Network Intrusion Detection System: NIDS)에서 발생되는 한계점을 개선하고자 기계 학습과 딥러닝을 활용한 연구 이뤄지고 있다. 이에 본 연구에서는 CNN(Convolution Neural Network) 알고리즘을 이용한 NIDS 모델 연구를 진행한다. 이미지 분류 기반의 CNN 알고리즘 학습을 위해 기존 사용되는 전처리 단계에서 연속성 변수 이산화(Discretization of Continuous) 알고리즘을 추가하여 예측 변수에 대해 선형 관계로 표현하여 해석에 용이한 데이터로 변환 후, 정사각형 행렬(Square Matrix) 구조에 매칭된 픽셀(Pixel) 이미지 구조를 모델에 학습한다. 모델의 성능 평가를 위해 네트워크 패킷 데이터인 NSL-KDD를 사용하였으며, 정확도(Accuracy), 정밀도(Precision), 재현율(Recall) 및 조화평균(F1-score)을 성능지표로 사용하였다. 실험 결과 제안된 모델에서 85%의 정확도로 가장 높은 성능을 보였으며, 학습 표본이 적은 R2L 클래스의 조화평균이 71% 성능으로 다른 모델에 비해서 매우 좋은 성능을 보였다.

콘볼루션 신경회로망을 이용한 능동펄스 식별 알고리즘 (Active pulse classification algorithm using convolutional neural networks)

  • 김근환;최승률;윤경식;이균경;이동화
    • 한국음향학회지
    • /
    • 제38권1호
    • /
    • pp.106-113
    • /
    • 2019
  • 본 논문은 능동소나 시스템이 비협동으로 운용될 경우 수신된 직접파로 부터 이를 탐지하여 식별하는 일련의 알고리즘을 제안하였다. 제안하는 알고리즘은 최근 다양한 분야에서 우수한 성능을 보여주고 있는 콘볼루션 신경회로망을 사용하였으며, 입력 데이터로 수신신호를 단시간 퓨리에 변환을 수행한 시간 주파수 분석 데이터를 사용하였다. 본 논문에서 사용한 콘볼루션 신경회로망의 구조는 두 개의 콘볼루션 계층과 풀링 계층을 사용하였으며, 출력층에 따라 데이터베이스 기반의 신경회로망과 펄스 특징인자 기반의 신경회로망을 설계하였다. 알고리즘의 성능을 검증하기 위해 실제 해상에서 수신한 3110개의 CW(Continuous Wave)펄스와 LFM(Linear Frequency Modulated) 펄스의 데이터를 가공하여 학습 데이터와 테스트 데이터를 구성하였다. 시뮬레이션을 수행한 결과 데이터베이스 기반의 신경회로망은 99.9 %의 정확도를 보였으며, 특징인자 기반의 신경회로망은 두 픽셀의 오차를 허용할 경우 약 96 %의 정확도를 보였다.

Graph neural network based multiple accident diagnosis in nuclear power plants: Data optimization to represent the system configuration

  • Chae, Young Ho;Lee, Chanyoung;Han, Sang Min;Seong, Poong Hyun
    • Nuclear Engineering and Technology
    • /
    • 제54권8호
    • /
    • pp.2859-2870
    • /
    • 2022
  • Because nuclear power plants (NPPs) are safety-critical infrastructure, it is essential to increase their safety and minimize risk. To reduce human error and support decision-making by operators, several artificial-intelligence-based diagnosis methods have been proposed. However, because of the nature of data-driven methods, conventional artificial intelligence requires large amount of measurement values to train and achieve enough diagnosis resolution. We propose a graph neural network (GNN) based accident diagnosis algorithm to achieve high diagnosis resolution with limited measurements. The proposed algorithm is trained with both the knowledge about physical correlation between components and measurement values. To validate the proposed methodology has a sufficiently high diagnostic resolution with limited measurement values, the diagnosis of multiple accidents was performed with limited measurement values and also, the performance was compared with convolution neural network (CNN). In case of the experiment that requires low diagnostic resolution, both CNN and GNN showed good results. However, for the tests that requires high diagnostic resolution, GNN greatly outperformed the CNN.