• 제목/요약/키워드: CNN algorithm

검색결과 481건 처리시간 0.034초

고해상도 단순 이미지의 객체 분류 학습모델 구현을 위한 개선된 CNN 알고리즘 연구 (Study of Improved CNN Algorithm for Object Classification Machine Learning of Simple High Resolution Image)

  • 이협건;김영운
    • 한국정보전자통신기술학회논문지
    • /
    • 제16권1호
    • /
    • pp.41-49
    • /
    • 2023
  • CNN(Convolutional Neural Network) 알고리즘은 인공신경망 구현에 활용되는 대표적인 알고리즘으로 기존 FNN(Fully connected multi layered Neural Network)의 문제점인 연산의 급격한 증가와 낮은 객체 인식률을 개선하였다. 그러나 IT 기기들의 급격한 발달로 최근 출시된 스마트폰 및 태블릿의 카메라에 촬영되는 이미지들의 최대 해상도는 108MP로 약 1억 8백만 화소이다. 특히 CNN 알고리즘은 고해상도의 단순 이미지를 학습 및 처리에 많은 비용과 시간이 요구된다. 이에 본 논문에서는 고해상도 단순 이미지의 객체 분류 학습모델 구현을 위한 개선된 CNN 알고리즘을 제안한다. 제안하는 알고리즘은 고해상도의 이미지들의 학습모델 생성 시간을 감소하기 위해 CNN 알고리즘의 풀링계층의 Max Pooling 알고리즘 연산을 위한 인접 행렬 값을 변경한다. 변경한 행렬 값마다 4MP, 8MP, 12MP의 고해상도 이미지들의 처리할 수 있는 학습 모델들을 구현한다. 성능평가 결과, 제안하는 알고리즘의 학습 모델의 생성 시간은 12MP 기준 약 36.26%의 감소하고, 학습 모델의 객체 분류 정확도와 손실률은 기존 모델 대비 약 1% 이내로 오차 범위 안에 포함되어 크게 문제가 되지 않는다. 향후 본 연구에서 사용된 학습 데이터보다 다양한 이미지 종류 및 실제 사진으로 학습 모델을 구현한 실질적인 검증이 필요하다.

비트평면 영상을 이용한 이진 CNN 연산 알고리즘 (Binary CNN Operation Algorithm using Bit-plane Image)

  • 최종호
    • 한국정보전자통신기술학회논문지
    • /
    • 제12권6호
    • /
    • pp.567-572
    • /
    • 2019
  • 본 논문에서는 이진영상과 이진커널을 사용하여 컨볼루션, 풀링, ReLU 연산을 수행하는 이진 CNN 연산 알고리즘을 제안한다. 256 그레이스케일 영상을 8개의 비트평면으로 분해하고, -1과 1로 구성되는 이진커널을 사용하는 방법이다. 이진영상과 이진커널의 컨볼루션 연산은 가산과 감산으로 수행한다. 논리적으로는 XNOR 연산과 비교기로 구성되는 이진연산 알고리즘이다. ReLU와 풀링 연산은 각각 XNOR와 OR 논리연산으로 수행한다. 본 논문에서 제안한 알고리즘의 유용성을 증명하기 위한 실험을 통해, CNN 연산을 이진 논리연산으로 변환하여 수행할 수 있음을 확인한다. 이진 CNN 알고리즘은 컴퓨팅 파워가 약한 시스템에서도 딥러닝을 구현할 수 있는 알고리즘으로 스마트 폰, 지능형 CCTV, IoT 시스템, 자율주행 자동차 등의 임베디드 시스템에서 다양하게 적용될 수 있는 시스템이다.

A Hybrid Learning Model to Detect Morphed Images

  • Kumari, Noble;Mohapatra, AK
    • International Journal of Computer Science & Network Security
    • /
    • 제22권6호
    • /
    • pp.364-373
    • /
    • 2022
  • Image morphing methods make seamless transition changes in the image and mask the meaningful information attached to it. This can be detected by traditional machine learning algorithms and new emerging deep learning algorithms. In this research work, scope of different Hybrid learning approaches having combination of Deep learning and Machine learning are being analyzed with the public dataset CASIA V1.0, CASIA V2.0 and DVMM to find the most efficient algorithm. The simulated results with CNN (Convolution Neural Network), Hybrid approach of CNN along with SVM (Support Vector Machine) and Hybrid approach of CNN along with Random Forest algorithm produced 96.92 %, 95.98 and 99.18 % accuracy respectively with the CASIA V2.0 dataset having 9555 images. The accuracy pattern of applied algorithms changes with CASIA V1.0 data and DVMM data having 1721 and 1845 set of images presenting minimal accuracy with Hybrid approach of CNN and Random Forest algorithm. It is confirmed that the choice of best algorithm to find image forgery depends on input data type. This paper presents the combination of best suited algorithm to detect image morphing with different input datasets.

인공 위성 사진 내 선박 탐지 정확도 향상을 위한 Watershed 알고리즘 기반 RoI 축소 기법 (Watershed Algorithm-Based RoI Reduction Techniques for Improving Ship Detection Accuracy in Satellite Imagery)

  • 이승재;윤지원
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제10권8호
    • /
    • pp.311-318
    • /
    • 2021
  • 해상 안보, 국제 동향 파악 등 다양한 이유로 해상 사진에서 선박을 탐지하고자하는 연구는 지속되어 왔다. 인공지능의 발달로 인해 사진 및 영상 내 객체 탐지를 위한 R-CNN 모델이 등장하였고 객체탐지의 성능이 비약적으로 상승하였다. R-CNN 모델을 이용한 해상 사진에서의 선박 탐지는 인공위성 사진에도 적용되기 시작하였다. 하지만 인공위성 사진은 넓은 지역을 투사하기 때문에 선박 외에도 차량, 지형, 건물 등 다양한 객체들이 선박으로 인식되는 경우가 있다. 본 논문에서는 R-CNN계열 모델을 이용한 인공위성 사진에서의 선박 탐지의 성능을 개선하기 위한 새로운 방법론을 제안한다. 표지자 기반 watershed 알고리즘을 통해 육지와 바다를 분리하고 morphology 연산을 수행하여 RoI를 한 차례 더 특정한 뒤 특정된 RoI에 R-CNN 계열 모델을 사용하여 선박을 탐지하여 오탐을 줄인다. 해당 방법을 이용하여 Faster R-CNN을 사용하였을 경우, Faster R-CNN만을 사용했을 때에 비해 오탐률을 80% 줄일 수 있었다.

시각 인지 특성과 딥 컨볼루션 뉴럴 네트워크를 이용한 단일 영상 기반 HDR 영상 취득 (HVS-Aware Single-Shot HDR Imaging Using Deep Convolutional Neural Network)

  • 비엔 지아 안;이철
    • 방송공학회논문지
    • /
    • 제23권3호
    • /
    • pp.369-382
    • /
    • 2018
  • 본 논문은 딥 컨볼루션 뉴럴 네트워크(CNN)를 이용하여 행 별로 서로 다른 노출로 촬영된 단일 영상을 HDR 영상으로 변환하는 기법을 제안한다. 제안하는 알고리즘은 먼저 입력 영상에서 저조도 또는 포화로 인해 발생하는 정보 손실 영역을 CNN을 이용하여 복원하여 휘도맵을 생성한다. 또한, CNN 학습 과정에서 인간의 시각 인지 특성을 고려할 수 있는 손실 함수를 제안한다. 마지막으로 복원된 휘도맵에 디모자이킹 필터를 적용하여 최종 HDR 영상을 획득한다. 컴퓨터 모의실험을 통해 제안하는 알고리즘이 기존의 기법에 비해서 높은 품질의 HDR 영상을 취득하는 것을 확인한다.

프레임간의 영상 변화 검출을 위한 CNN-UM의 아날로그 병렬연산처리 알고리즘 (Analog Parallel Processing Algorithm of CNN-UM for Interframe Change Detection)

  • 김형석;김선철;손홍락;박영수;한승조
    • 전자공학회논문지CI
    • /
    • 제40권1호
    • /
    • pp.1-9
    • /
    • 2003
  • CNN-UM의 아날로그 연산기능을 활용할 수 있는 영상 변화 검출 알고리즘을 개발하였으며 이를 이동물체 검출에 활용하였다. CNN-UM은 영상의 아날로그 병렬처리가 가능한 구조이므로 고속의 실시간 처리가 필요한 분야에는 매우 높은 응용성을 가진 새로운 구조의 아날로그 및 로직처리(아나로직) 프로세서이다. 이 CNN-UM은 동일 영상 프레임 내에서의 처리에는 능률적인 구조이지만 영상 프레임 간의 계산에는 아날로그 병렬처리 기능을 활용하기 어려운 연산구조라는 단점이 있었다. 본 연구에서는 셀의 상태 저장 커패시터에 인접 프레임의 영상들을 상호 역 부호를 통하여 중첩함으로써 영상 프레임 간의 변화 검출을 병렬로 수행할 수 있는 알고리즘을 개발하였으며 이 원리를 전기적 등가회로를 통해 해석하였다. 또한, 개발한 알고리즘을 이동물체 검출을 위한 프레임간의 영상 변화 검출에 적용하여 타당성을 확인하였다.

딥러닝 알고리즘을 이용한 매설 배관 피복 결함의 간접 검사 신호 진단에 관한 연구 (Indirect Inspection Signal Diagnosis of Buried Pipe Coating Flaws Using Deep Learning Algorithm)

  • 조상진;오영진;신수용
    • 한국압력기기공학회 논문집
    • /
    • 제19권2호
    • /
    • pp.93-101
    • /
    • 2023
  • In this study, a deep learning algorithm was used to diagnose electric potential signals obtained through CIPS and DCVG, used indirect inspection methods to confirm the soundness of buried pipes. The deep learning algorithm consisted of CNN(Convolutional Neural Network) model for diagnosing the electric potential signal and Grad CAM(Gradient-weighted Class Activation Mapping) for showing the flaw prediction point. The CNN model for diagnosing electric potential signals classifies input data as normal/abnormal according to the presence or absence of flaw in the buried pipe, and for abnormal data, Grad CAM generates a heat map that visualizes the flaw prediction part of the buried pipe. The CIPS/DCVG signal and piping layout obtained from the 3D finite element model were used as input data for learning the CNN. The trained CNN classified the normal/abnormal data with 93% accuracy, and the Grad-CAM predicted flaws point with an average error of 2m. As a result, it confirmed that the electric potential signal of buried pipe can be diagnosed using a CNN-based deep learning algorithm.

Research on Pattern Elements and Colors in Apparel Design through Fractal Theory

  • Dan Li;Chengjun Yuan
    • Journal of Information Processing Systems
    • /
    • 제20권3호
    • /
    • pp.409-417
    • /
    • 2024
  • Excellent apparel design can increase market competitiveness. This article briefly introduced the theory of fractals and its application in the field of apparel design. The convolutional neural network (CNN) algorithm was used to assist in the evaluation of apparel designs. In the case analysis, the accuracy of the evaluation was validated by comparing the CNN algorithm with two other intelligent algorithms, support vector machine (SVM) and back propagation (BP). The evaluation of the proposed design showed that compared with SVM and BP algorithms, the CNN algorithm had higher accuracy in evaluating apparel designs. The evaluation result of the proposed apparel design not only further verifies the effectiveness of the CNN algorithm, but also demonstrates that the theory of fractals can be effectively applied in apparel design to provide more innovative designs.

합성곱 신경망 및 영상처리 기법을 활용한 피부 모공 등급 예측 시스템 (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 적용의 결과에 대해 서술하며, 결론에서는 제안한 방법에 대한 결과와 향후 연구방안에 대해 서술한다.

CNN을 사용한 차선검출 시스템 (Lane Detection System using CNN)

  • 김지훈;이대식;이민호
    • 대한임베디드공학회논문지
    • /
    • 제11권3호
    • /
    • pp.163-171
    • /
    • 2016
  • Lane detection is a widely researched topic. Although simple road detection is easily achieved by previous methods, lane detection becomes very difficult in several complex cases involving noisy edges. To address this, we use a Convolution neural network (CNN) for image enhancement. CNN is a deep learning method that has been very successfully applied in object detection and recognition. In this paper, we introduce a robust lane detection method based on a CNN combined with random sample consensus (RANSAC) algorithm. Initially, we calculate edges in an image using a hat shaped kernel, then we detect lanes using the CNN combined with the RANSAC. In the training process of the CNN, input data consists of edge images and target data is images that have real white color lanes on an otherwise black background. The CNN structure consists of 8 layers with 3 convolutional layers, 2 subsampling layers and multi-layer perceptron (MLP) of 3 fully-connected layers. Convolutional and subsampling layers are hierarchically arranged to form a deep structure. Our proposed lane detection algorithm successfully eliminates noise lines and was found to perform better than other formal line detection algorithms such as RANSAC