• 제목/요약/키워드: neural net

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

Waste Classification by Fine-Tuning Pre-trained CNN and GAN

  • Alsabei, Amani;Alsayed, Ashwaq;Alzahrani, Manar;Al-Shareef, Sarah
    • International Journal of Computer Science & Network Security
    • /
    • 제21권8호
    • /
    • pp.65-70
    • /
    • 2021
  • Waste accumulation is becoming a significant challenge in most urban areas and if it continues unchecked, is poised to have severe repercussions on our environment and health. The massive industrialisation in our cities has been followed by a commensurate waste creation that has become a bottleneck for even waste management systems. While recycling is a viable solution for waste management, it can be daunting to classify waste material for recycling accurately. In this study, transfer learning models were proposed to automatically classify wastes based on six materials (cardboard, glass, metal, paper, plastic, and trash). The tested pre-trained models were ResNet50, VGG16, InceptionV3, and Xception. Data augmentation was done using a Generative Adversarial Network (GAN) with various image generation percentages. It was found that models based on Xception and VGG16 were more robust. In contrast, models based on ResNet50 and InceptionV3 were sensitive to the added machine-generated images as the accuracy degrades significantly compared to training with no artificial data.

심층학습 기법을 활용한 효과적인 타이어 마모도 분류 및 손상 부위 검출 알고리즘 (Efficient Tire Wear and Defect Detection Algorithm Based on Deep Learning)

  • 박혜진;이영운;김병규
    • 한국멀티미디어학회논문지
    • /
    • 제24권8호
    • /
    • pp.1026-1034
    • /
    • 2021
  • Tire wear and defect are important factors for safe driving condition. These defects are generally inspected by some specialized experts or very expensive equipments such as stereo depth camera and depth gauge. In this paper, we propose tire safety vision inspector based on deep neural network (DNN). The status of tire wear is categorized into three: 'safety', 'warning', and 'danger' based on depth of tire tread. We propose an attention mechanism for emphasizing the feature of tread area. The attention-based feature is concatenated to output feature maps of the last convolution layer of ResNet-101 to extract more robust feature. Through experiments, the proposed tire wear classification model improves 1.8% of accuracy compared to the existing ResNet-101 model. For detecting the tire defections, the developed tire defect detection model shows up-to 91% of accuracy using the Mask R-CNN model. From these results, we can see that the suggested models are useful for checking on the safety condition of working tire in real environment.

악성코드 이미지 분류를 위한 CNN 모델 성능 비교 (Comparison Study of the Performance of CNN Models for malicious code image classification)

  • 강채희;오은비;이승언;이현경;김성욱
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2022년도 춘계학술발표대회
    • /
    • pp.432-435
    • /
    • 2022
  • 최근 IT 산업의 지속적인 발전으로 사용자들을 위협하는 악성코드, 피싱, 랜섬웨어와 같은 사이버 공격 또한 계속해서 발전하고 더 지능화되고 있으며 변종 악성코드도 기하급수적으로 늘어나고 있다. 지금까지의 시그니처 패턴 기반의 탐지법으로는 이러한 방대한 양의 알려지지 않은 악성코드를 탐지할 수 없다. 따라서 CNN(Convolutional Neural Network)을 활용하여 악성코드를 탐지하는 기법들이 제안되고 있다. 이에 본 논문에서는 CNN 모델 중 낮은 인식 오류율을 지닌 모델을 선정하여 정확도(Accuracy)와 F1-score 평가 지표를 통해 비교하고자 한다. 두 가지의 악성코드 이미지화 방법을 사용하였으며, 2015 년 이후 ILSVRC 에서 우승을 차지한 모델들과, 추가로 2019 년에 발표된 EfficientNet 을 사용하여 악성코드 이미지를 분류하였다. 그 결과 2 바이트를 한 쌍의 좌표로 변환하여 생성한 256 * 256 크기의 악성코드 이미지를 ResNet-152 모델을 이용해 분류하는 것이 우수한 성능을 보임을 실험적으로 확인하였다.

Lightweight high-precision pedestrian tracking algorithm in complex occlusion scenarios

  • Qiang Gao;Zhicheng He;Xu Jia;Yinghong Xie;Xiaowei Han
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권3호
    • /
    • pp.840-860
    • /
    • 2023
  • Aiming at the serious occlusion and slow tracking speed in pedestrian target tracking and recognition in complex scenes, a target tracking method based on improved YOLO v5 combined with Deep SORT is proposed. By merging the attention mechanism ECA-Net with the Neck part of the YOLO v5 network, using the CIoU loss function and the method of CIoU non-maximum value suppression, connecting the Deep SORT model using Shuffle Net V2 as the appearance feature extraction network to achieve lightweight and fast speed tracking and the purpose of improving tracking under occlusion. A large number of experiments show that the improved YOLO v5 increases the average precision by 1.3% compared with other algorithms. The improved tracking model, MOTA reaches 54.3% on the MOT17 pedestrian tracking data, and the tracking accuracy is 3.7% higher than the related algorithms and The model presented in this paper improves the FPS by nearly 5 on the fps indicator.

AdaMM-DepthNet: Unsupervised Adaptive Depth Estimation Guided by Min and Max Depth Priors for Monocular Images

  • ;김문철
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2020년도 추계학술대회
    • /
    • pp.252-255
    • /
    • 2020
  • Unsupervised deep learning methods have shown impressive results for the challenging monocular depth estimation task, a field of study that has gained attention in recent years. A common approach for this task is to train a deep convolutional neural network (DCNN) via an image synthesis sub-task, where additional views are utilized during training to minimize a photometric reconstruction error. Previous unsupervised depth estimation networks are trained within a fixed depth estimation range, irrespective of its possible range for a given image, leading to suboptimal estimates. To overcome this suboptimal limitation, we first propose an unsupervised adaptive depth estimation method guided by minimum and maximum (min-max) depth priors for a given input image. The incorporation of min-max depth priors can drastically reduce the depth estimation complexity and produce depth estimates with higher accuracy. Moreover, we propose a novel network architecture for adaptive depth estimation, called the AdaMM-DepthNet, which adopts the min-max depth estimation in its front side. Intensive experimental results demonstrate that the adaptive depth estimation can significantly boost up the accuracy with a fewer number of parameters over the conventional approaches with a fixed minimum and maximum depth range.

  • PDF

Indoor Environment Drone Detection through DBSCAN and Deep Learning

  • Ha Tran Thi;Hien Pham The;Yun-Seok Mun;Ic-Pyo Hong
    • 전기전자학회논문지
    • /
    • 제27권4호
    • /
    • pp.439-449
    • /
    • 2023
  • In an era marked by the increasing use of drones and the growing demand for indoor surveillance, the development of a robust application for detecting and tracking both drones and humans within indoor spaces becomes imperative. This study presents an innovative application that uses FMCW radar to detect human and drone motions from the cloud point. At the outset, the DBSCAN (Density-based Spatial Clustering of Applications with Noise) algorithm is utilized to categorize cloud points into distinct groups, each representing the objects present in the tracking area. Notably, this algorithm demonstrates remarkable efficiency, particularly in clustering drone point clouds, achieving an impressive accuracy of up to 92.8%. Subsequently, the clusters are discerned and classified into either humans or drones by employing a deep learning model. A trio of models, including Deep Neural Network (DNN), Residual Network (ResNet), and Long Short-Term Memory (LSTM), are applied, and the outcomes reveal that the ResNet model achieves the highest accuracy. It attains an impressive 98.62% accuracy for identifying drone clusters and a noteworthy 96.75% accuracy for human clusters.

Contactless User Identification System using Multi-channel Palm Images Facilitated by Triple Attention U-Net and CNN Classifier Ensemble Models

  • Kim, Inki;Kim, Beomjun;Woo, Sunghee;Gwak, Jeonghwan
    • 한국컴퓨터정보학회논문지
    • /
    • 제27권3호
    • /
    • pp.33-43
    • /
    • 2022
  • 본 논문에서는 기존의 스마트폰 카메라 센서를 사용하여 비접촉식 손바닥 기반 사용자 식별 시스템을 구축하기 위해 Attention U-Net 모델과 사전 훈련된 컨볼루션 신경망(CNN)이 있는 다채널 손바닥 이미지를 이용한 앙상블 모델을 제안한다. Attention U-Net 모델은 손바닥(손가락 포함), 손바닥(손바닥 미포함) 및 손금을 포함한 관심 영역을 추출하는 데 사용되며, 이는 앙상블 분류기로 입력되는 멀티채널 이미지를 생성하기 위해 결합 된다. 생성된 데이터는 제안된 손바닥 정보 기반 사용자 식별 시스템에 입력되며 사전 훈련된 CNN 모델 3개를 앙상블 한 분류기를 사용하여 클래스를 예측한다. 제안된 모델은 각각 98.60%, 98.61%, 98.61%, 98.61%의 분류 정확도, 정밀도, 재현율, F1-Score를 달성할 수 있음을 입증하며, 이는 저렴한 이미지 센서를 사용하고 있음에도 불구하고 제안된 모델이 효과적이라는 것을 나타낸다. 본 논문에서 제안하는 모델은 COVID-19 펜데믹 상황에서 기존 시스템에 비하여 높은 안전성과 신뢰성으로 대안이 될 수 있다.

합성곱 신경망을 이용한 컨포멀 코팅 PCB에 발생한 문제성 기포 검출 알고리즘 (A Problematic Bubble Detection Algorithm for Conformal Coated PCB Using Convolutional Neural Networks)

  • 이동희;조성령;정경훈;강동욱
    • 방송공학회논문지
    • /
    • 제26권4호
    • /
    • pp.409-418
    • /
    • 2021
  • 컨포멀 코팅은 PCB(Printed Circuit Board)를 보호하는 기술로 PCB의 고장을 최소화한다. 코팅의 결함은 PCB의 고장과 연결되기 때문에 성공적인 컨포멀 코팅 조건을 만족하기 위해서 코팅면에 기포가 발생했는지 검사한다. 본 논문에서는 영상 신호 처리를 적용하여 고위험군의 문제성 기포를 검출하는 알고리즘을 제안한다. 알고리즘은 문제성 기포의 후보를 구하는 단계와 후보를 검증하는 단계로 구성된다. 기포는 가시광 영상에서 나타나지 않지만, UV(Ultra Violet) 광원에서는 육안으로 구별이 가능하다. 특히, 문제성 기포의 중심은 밝기가 어둡고 테두리는 높은 밝기를 가진다. 이러한 밝기 특성을 논문에서는 협곡과 산맥 특징이라 부르고 두 가지 특징이 동시에 나타나는 영역을 문제성 기포의 후보라 하였다. 그러나 후보 중에는 기포가 아닌 후보가 존재할 수 있기 때문에 후보를 검증하는 단계가 필요하다. 후보 검증 단계에서는 합성곱 신경망 모델을 이용하였고, ResNet이 다른 모델과 비교하였을 때 성능이 가장 우수하였다. 본 논문에서 제시한 알고리즘은 정확률(Precision) 0.805, 재현율(Recall) 0.763, F1-점수(F1-score) 0.767의 성능을 보였고, 이러한 결과는 기포 검사 자동화에 대한 충분한 가능성을 보여준다.

한국 남부 해역 SST의 계절 및 경년 변동이 단기 딥러닝 모델의 SST 예측에 미치는 영향 (Impacts of Seasonal and Interannual Variabilities of Sea Surface Temperature on its Short-term Deep-learning Prediction Model Around the Southern Coast of Korea)

  • 주호정;채정엽;이은주;김영택;박재훈
    • 한국해양학회지:바다
    • /
    • 제27권2호
    • /
    • pp.49-70
    • /
    • 2022
  • 해수면 온도는 기후와 바다의 생태계 그리고 인간의 활동에까지 중요한 영향을 미치는 해수의 특성 중 하나로 이를 예측하는 것은 항상 중요하게 다뤄지는 문제다. 최근 들어 과거의 패턴을 학습하여 예측값을 생성할 수 있는 딥러닝을 활용한 해수면 온도 예측이 복잡한 수치모델을 이용한 예측의 대안으로 주목받고 있다. 딥러닝은 입력 자료 간의 비선형적인 관계를 추정할 수 있는 것이 큰 장점이며, 최근 컴퓨터 그래픽카드의 발달로 많은 양의 데이터를 반복적이고 빠르게 계산할 수 있게 되었다. 본 연구에서는 기존의 딥러닝 모델의 단점들을 보완하면서 시공간 자료를 다룰 수 있는 합성곱 신경망(Convolutional Neural Network) 기반의 U-Net을 통해 단기 해수면 온도 예측을 수행하였다. 개발한 딥러닝 모델을 이용한 한국 남부 근해 해수면 온도의 단기 예측은 예측일의 해수면 온도의 중장기 변동성에 따라 달라지는 성능을 보였다. 해수면 온도 변동성의 증감은 계절적 변동 뿐 아니라 Pacific Decadal Oscillation (PDO) 지수의 변동과도 유의미한 상관관계를 보였는데, 이는 계절 변동 및 PDO에 따른 기후 변화에 기인한 수온 전선의 강도 변화가 해수면 온도의 시공간적 변동성에 영향을 줌으로써 발생했음을 확인하였다. 본 연구는 해수면 수온 자료가 가지고 있는 계절적 변동성과 경년 변동성이 딥러닝 모델의 해수면 단기 수온 예측 성능에 기여함을 밝힌 것에 그 의의가 있다.

딥 컨볼루션 신경망을 이용한 자동차 번호판 영역 검출 시스템 (A Car Plate Area Detection System Using Deep Convolution Neural Network)

  • 정윤주;이스라필 안사리;심재창;이정환
    • 한국멀티미디어학회논문지
    • /
    • 제20권8호
    • /
    • pp.1166-1174
    • /
    • 2017
  • In general, the detection of the vehicle license plate is a previous step of license plate recognition and has been actively studied for several decades. In this paper, we propose an algorithm to detect a license plate area of a moving vehicle from a video captured by a fixed camera installed on the road using the Convolution Neural Network (CNN) technology. First, license plate images and non-license plate images are applied to a previously learned CNN model (AlexNet) to extract and classify features. Then, after detecting the moving vehicle in the video, CNN detects the license plate area by comparing the features of the license plate region with the features of the license plate area. Experimental result shows relatively good performance in various environments such as incomplete lighting, noise due to rain, and low resolution. In addition, to protect personal information this proposed system can also be used independently to detect the license plate area and hide that area to secure the public's personal information.