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

검색결과 992건 처리시간 0.026초

심층 CNN 기반 구조를 이용한 토마토 작물 병해충 분류 모델 (Tomato Crop Diseases Classification Models Using Deep CNN-based Architectures)

  • 김삼근;안재근
    • 한국산학기술학회논문지
    • /
    • 제22권5호
    • /
    • pp.7-14
    • /
    • 2021
  • 토마토 작물은 병해충의 영향을 많이 받기 때문에 이를 예방하지 않으면 농업 경제에 막대한 손실을 초래할 수 있다. 따라서 토마토의 다양한 병해충의 진단을 빠르고 정확하게 진단하는 시스템이 요구된다. 본 논문에서는 ImageNet 데이터 셋 상에서 다양하게 사전 학습된 딥러닝 기반 CNN 모델을 적용하여 토마토의 9가지 병해충 및 정상인 경우의 클래스를 분류하는 시스템을 제안한다. PlantVillage 데이터 셋으로부터 발췌한 토마토 잎의 이미지 셋을 3가지 딥러닝 기반 CNN 구조를 갖는 ResNet, Xception, DenseNet의 입력으로 사용한다. 기본 CNN 모델 위에 톱-레벨 분류기를 추가하여 제안 모델을 구성하였으며, 훈련 데이터 셋에 대해 5-fold 교차검증 기법을 적용하여 학습시켰다. 3가지 제안 모델의 학습은 모두 기본 CNN 모델의 계층을 동결하여 학습시키는 전이 학습과 동결을 해제한 후 학습률을 매우 작은 수로 설정하여 학습시키는 미세 조정 학습 두 단계로 진행하였다. 모델 최적화 알고리즘으로는 SGD, RMSprop, Adam을 적용하였다. 실험 결과는 RMSprop 알고리즘이 적용된 DenseNet CNN 모델이 98.63%의 정확도로 가장 우수한 결과를 보였다.

ResNet 모델을 이용한 눈 주변 영역의 특징 추출 및 개인 인증 (Feature Extraction on a Periocular Region and Person Authentication Using a ResNet Model)

  • 김민기
    • 한국멀티미디어학회논문지
    • /
    • 제22권12호
    • /
    • pp.1347-1355
    • /
    • 2019
  • Deep learning approach based on convolution neural network (CNN) has extensively studied in the field of computer vision. However, periocular feature extraction using CNN was not well studied because it is practically impossible to collect large volume of biometric data. This study uses the ResNet model which was trained with the ImageNet dataset. To overcome the problem of insufficient training data, we focused on the training of multi-layer perception (MLP) having simple structure rather than training the CNN having complex structure. It first extracts features using the pretrained ResNet model and reduces the feature dimension by principle component analysis (PCA), then trains a MLP classifier. Experimental results with the public periocular dataset UBIPr show that the proposed method is effective in person authentication using periocular region. Especially it has the advantage which can be directly applied for other biometric traits.

Drivable Area Detection with Region-based CNN Models to Support Autonomous Driving

  • Jeon, Hyojin;Cho, Soosun
    • Journal of Multimedia Information System
    • /
    • 제7권1호
    • /
    • pp.41-44
    • /
    • 2020
  • In autonomous driving, object recognition based on machine learning is one of the core software technologies. In particular, the object recognition using deep learning becomes an essential element for autonomous driving software to operate. In this paper, we introduce a drivable area detection method based on Region-based CNN model to support autonomous driving. To effectively detect the drivable area, we used the BDD dataset for model training and demonstrated its effectiveness. As a result, our R-CNN model using BDD datasets showed interesting results in training and testing for detection of drivable areas.

Improved CNN Algorithm for Object Detection in Large Images

  • Yang, Seong Bong;Lee, Soo Jin
    • 한국컴퓨터정보학회논문지
    • /
    • 제25권1호
    • /
    • pp.45-53
    • /
    • 2020
  • 기존의 CNN 알고리즘은 위성영상과 같은 대형 이미지에서 소형 객체를 식별하는 것이 불가능하다는 문제점을 가지고 있었다. 본 연구에서는 이러한 문제를 해결하기 위해 관심영역 설정 및 이미지 분할 기법을 적용한 CNN 알고리즘 개선방안을 제시하였다. 실험은 비행장 및 항공기 데이터셋으로 전환학습한 YOLOv3 / Faster R-CNN 알고리즘과 테스트용 대형 이미지를 이용하여 진행하였으며, 우선 대형 이미지에서 관심영역을 식별하고 이를 순차적으로 분할해 나가며 CNN 알고리즘의 객체식별 결과를 비교하였다. 분할 이미지의 크기는 실험을 통해 최소 분할로 최대의 식별률을 얻을 수 있는 최적의 이미지 조각 크기를 도출하여 적용하였다. 실험 결과, 본 연구에서 제시한 방안을 통해 CNN 알고리즘으로 대형 이미지에서의 소형 객체를 식별하는 것이 충분히 가능함을 검증하였다.

Optimization of 1D CNN Model Factors for ECG Signal Classification

  • Lee, Hyun-Ji;Kang, Hyeon-Ah;Lee, Seung-Hyun;Lee, Chang-Hyun;Park, Seung-Bo
    • 한국컴퓨터정보학회논문지
    • /
    • 제26권7호
    • /
    • pp.29-36
    • /
    • 2021
  • 본 논문에서는 딥러닝 모델을 이용하여 모바일 기기의 심전도 신호 측정 데이터를 분류한다. 비정상 심장박동을 높은 정확도로 분류하기 위해 딥러닝 모델의 구성 요소 세 가지를 선정하고 요소의 조건 변화에 따른 분류 정확도를 비교한다. 심전도 신호 데이터의 특징을 스스로 추출할 수 있는 CNN 모델을 적용하고 모델을 구성하는 모델의 깊이, 최적화 방법, 활성화 함수의 조건을 변경하여 총 48개의 조합의 성능을 비교한다. 가장 높은 정확도를 보이는 조건의 조합을 도출한 결과 컨볼루션 레이어 19개, 최적화 방법 SGD, 활성화 함수 Mish를 적용하였을 때 정확도 97.88%로 모든 조합 중 가장 높은 분류 정확도를 얻었다. 이 실험에서 CNN을 활용한 1-채널 심전도 신호의 특징 추출과 비정상 박동 검출의 적합성을 확인하였다.

홍수 위험도 판별을 위한 CNN 기반의 분류 모델 구현 (Implementation of CNN-based classification model for flood risk determination)

  • 조민우;김동수;정회경
    • 한국정보통신학회논문지
    • /
    • 제26권3호
    • /
    • pp.341-346
    • /
    • 2022
  • 지구온난화 및 이상 기후로 인해 홍수의 빈도 및 피해 규모가 늘어나고 있으며, 홍수 취약 지역에 노출된 사람이 2000년도에 비하여 25% 증가하였다. 홍수는 막대한 금전적, 인명적 손실을 유발하며, 홍수로 인한 손실을 줄이기 위해 홍수를 미리 예측하고 빠른 대피를 결정해야 한다. 본 논문은 홍수 예측을 위한 핵심 데이터인 강우량과 수위 데이터를 활용하여 시기적절한 대피 결정이 이루어질 수 있도록 CNN기반 분류 모델을 활용하여 홍수 위험도 판별 모델을 제안한다. 본 논문에서 제안한 CNN 기반 분류 모델과 DNN 기반의 분류 모델의 결과를 비교하여 더 좋은 성능을 보이는 것을 확인하였다. 이를 통해 홍수의 위험도를 판별하여, 대피 여부 판단하며 최적의 시기에 대피 결정을 내릴 수 있도록 하는 초기 연구로서 활용할 수 있을 것으로 사료된다.

Evaluation of maxillary sinusitis from panoramic radiographs and cone-beam computed tomographic images using a convolutional neural network

  • Serindere, Gozde;Bilgili, Ersen;Yesil, Cagri;Ozveren, Neslihan
    • Imaging Science in Dentistry
    • /
    • 제52권2호
    • /
    • pp.187-195
    • /
    • 2022
  • Purpose: This study developed a convolutional neural network (CNN) model to diagnose maxillary sinusitis on panoramic radiographs(PRs) and cone-beam computed tomographic (CBCT) images and evaluated its performance. Materials and Methods: A CNN model, which is an artificial intelligence method, was utilized. The model was trained and tested by applying 5-fold cross-validation to a dataset of 148 healthy and 148 inflamed sinus images. The CNN model was implemented using the PyTorch library of the Python programming language. A receiver operating characteristic curve was plotted, and the area under the curve, accuracy, sensitivity, specificity, positive predictive value, and negative predictive values for both imaging techniques were calculated to evaluate the model. Results: The average accuracy, sensitivity, and specificity of the model in diagnosing sinusitis from PRs were 75.7%, 75.7%, and 75.7%, respectively. The accuracy, sensitivity, and specificity of the deep-learning system in diagnosing sinusitis from CBCT images were 99.7%, 100%, and 99.3%, respectively. Conclusion: The diagnostic performance of the CNN for maxillary sinusitis from PRs was moderately high, whereas it was clearly higher with CBCT images. Three-dimensional images are accepted as the "gold standard" for diagnosis; therefore, this was not an unexpected result. Based on these results, deep-learning systems could be used as an effective guide in assisting with diagnoses, especially for less experienced practitioners.

Few-Shot Learning을 사용한 호스트 기반 침입 탐지 모델 (Host-Based Intrusion Detection Model Using Few-Shot Learning)

  • 박대경;신동일;신동규;김상수
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제10권7호
    • /
    • pp.271-278
    • /
    • 2021
  • 현재 사이버 공격이 더욱 지능화됨에 따라 기존의 침입 탐지 시스템(Intrusion Detection System)은 저장된 패턴에서 벗어난 지능형 공격을 탐지하기 어렵다. 이를 해결하려는 방법으로, 데이터 학습을 통해 지능형 공격의 패턴을 분석하는 딥러닝(Deep Learning) 기반의 침입 탐지 시스템 모델이 등장했다. 침입 탐지 시스템은 설치 위치에 따라 호스트 기반과 네트워크 기반으로 구분된다. 호스트 기반 침입 탐지 시스템은 네트워크 기반 침입 탐지 시스템과 달리 시스템 내부와 외부를 전체적으로 관찰해야 하는 단점이 있다. 하지만 네트워크 기반 침입 탐지 시스템에서 탐지할 수 없는 침입을 탐지할 수 있는 장점이 있다. 따라서, 본 연구에서는 호스트 기반의 침입 탐지 시스템에 관한 연구를 수행했다. 호스트 기반의 침입 탐지 시스템 모델의 성능을 평가하고 개선하기 위해서 2018년에 공개된 호스트 기반 LID-DS(Leipzig Intrusion Detection-Data Set)를 사용했다. 해당 데이터 세트를 통한 모델의 성능 평가에 있어서 각 데이터에 대한 유사성을 확인하여 정상 데이터인지 비정상 데이터인지 식별하기 위해 1차원 벡터 데이터를 3차원 이미지 데이터로 변환하여 재구성했다. 또한, 딥러닝 모델은 새로운 사이버 공격 방법이 발견될 때마다 학습을 다시 해야 한다는 단점이 있다. 즉, 데이터의 양이 많을수록 학습하는 시간이 오래 걸리기 때문에 효율적이지 못하다. 이를 해결하기 위해 본 논문에서는 적은 양의 데이터를 학습하여 우수한 성능을 보이는 Few-Shot Learning 기법을 사용하기 위해 Siamese-CNN(Siamese Convolutional Neural Network)을 제안한다. Siamese-CNN은 이미지로 변환한 각 사이버 공격의 샘플에 대한 유사성 점수에 의해 같은 유형의 공격인지 아닌지 판단한다. 정확성은 Few-Shot Learning 기법을 사용하여 정확성을 계산했으며, Siamese-CNN의 성능을 확인하기 위해 Vanilla-CNN(Vanilla Convolutional Neural Network)과 Siamese-CNN의 성능을 비교했다. Accuracy, Precision, Recall 및 F1-Score 지표를 측정한 결과, Vanilla-CNN 모델보다 본 연구에서 제안한 Siamese-CNN 모델의 Recall이 약 6% 증가한 것을 확인했다.

네트워크 침입 탐지를 위해 CICIDS2017 데이터셋으로 학습한 Stacked Sparse Autoencoder-DeepCNN 모델 (Stacked Sparse Autoencoder-DeepCNN Model Trained on CICIDS2017 Dataset for Network Intrusion Detection)

  • 이종화;김종욱;최미정
    • KNOM Review
    • /
    • 제24권2호
    • /
    • pp.24-34
    • /
    • 2021
  • 엣지 컴퓨팅을 사용하는 서비스 공급업체는 높은 수준의 서비스를 제공한다. 이에 따라 다양하고 중요한 정보들이 단말 장치에 저장되면서 탐지하기 더욱 어려운 최신 사이버 공격의 핵심 목표가 됐다. 보안을 위해 침입 탐지시스템과 같은 보안 시스템이 자주 활용되지만, 기존의 침입 탐지 시스템은 탐지 정확도가 낮은 문제점이 존재한다. 따라서 본 논문에서는 엣지 컴퓨팅에서 단말 장치의 더욱 정확한 침입 탐지를 위한 기계 학습 모델을 제안한다. 제안하는 모델은 희소성 제약을 사용하여 입력 데이터의 중요한 특징 벡터들을 추출하는 stacked sparse autoencoder (SSAE)와 convolutional neural network (CNN)를 결합한 하이브리드 모델이다. 최적의 모델을 찾기 위해 SSAE의 희소성 계수를 조절하면서 모델의 성능을 비교 및 분석했다. 그 결과 희소성 계수가 일 때 96.9%로 가장 높은 정확도를 보여주었다. 따라서 모델이 중요한 특징들만 학습할 경우 더 높은 성능을 얻을 수 있었다.

전투기용 레이다 기반 SAR 영상 자동표적분류 기능 구조 및 CNN 앙상블 모델을 이용한 표적분류 정확도 향상 방안 연구 (Study on the Functional Architecture and Improvement Accuracy for Auto Target Classification on the SAR Image by using CNN Ensemble Model based on the Radar System for the Fighter)

  • 임동주;송세리;박범
    • 시스템엔지니어링학술지
    • /
    • 제16권1호
    • /
    • pp.51-57
    • /
    • 2020
  • The fighter pilot uses radar mounted on the fighter to obtain high-resolution SAR (Synthetic Aperture Radar) images for a specific area of distance, and then the pilot visually classifies targets within the image. However, the target configuration captured in the SAR image is relatively small in size, and distortion of that type occurs depending on the depression angle, making it difficult for pilot to classify the type of target. Also, being present with various types of clutters, there should be errors in target classification and pilots should be even worse if tasks such as navigation and situational awareness are carried out simultaneously. In this paper, the concept of operation and functional structure of radar system for fighter jets were presented to transfer the SAR image target classification task of fighter pilots to radar system, and the method of target classification with high accuracy was studied using the CNN ensemble model to archive higher classification accuracy than single CNN model.