• 제목/요약/키워드: deep convolution neural network

검색결과 267건 처리시간 0.024초

Face Mask Detection Model Using Convolution Neural Network

  • A. A. Abd El-Aziz; Nesrine A. Azim;Mahmood A. Mahmood;Hamoud Alshammari
    • International Journal of Computer Science & Network Security
    • /
    • 제24권10호
    • /
    • pp.91-96
    • /
    • 2024
  • Corona Virus is a big threat to humanity. Now, the whole world is struggling to reduce the spread of Corona virus. Wearing masks is one of the practices that help to control the spread of the virus according to the world health organization. However, ensuring all people wear facemask is not an easy task. In this paper, we propose a simple and effective model for real-time monitoring using the convolution neural network to detect whether an individual wears a face mask or not. The model is trained, validated, tested upon two datasets. Corresponding to dataset 1, the accuracy of the model was 95.77% and, it was 94.58% for dataset 2.

균형적인 신체활동을 위한 맞춤형 AI 운동 추천 서비스 (Customized AI Exercise Recommendation Service for the Balanced Physical Activity)

  • 김창민;이우범
    • 융합신호처리학회논문지
    • /
    • 제23권4호
    • /
    • pp.234-240
    • /
    • 2022
  • 본 논문은 직종별 근무 환경에 따른 상대적 운동량을 고려한 맞춤형 AI 운동 추천 서비스 방법을 제안한다. 가속도 및 자이로 센서를 활용하여 수집된 데이터를 18가지 일상생활의 신체활동으로 분류한 WISDM 데이터베이스를 기반으로 전신, 하체, 상체의 3가지 활동으로 분류한 후 인식된 활동 지표를 통해 적절한 운동을 추천한다. 본 논문에서 신체활동 분류를 위해서 사용하는 1차원 합성곱 신경망(1D CNN; 1 Dimensional Convolutional Neural Network) 모델은 커널 크기가 다른 다수의 1D 컨볼루션(Convolution) 계층을 병렬적으로 연결한 컨볼루션 블록을 사용한다. 컨볼루션 블록은 하나의 입력 데이터에 다층 1D 컨볼루션을 적용함으로써 심층 신경망 모델로 추출할 수 있는 입력 패턴의 세부 지역 특징을 보다 얇은 계층으로도 효과적으로 추출 할 수 있다. 제안한 신경망 모델의 성능 평가를 위해서 기존 순환 신경망(RNN; Recurrent Neural Network) 모델과 비교 실험한 결과 98.4%의 현저한 정확도를 보였다.

얼굴인식 성능 향상을 위한 얼굴 전역 및 지역 특징 기반 앙상블 압축 심층합성곱신경망 모델 제안 (Compressed Ensemble of Deep Convolutional Neural Networks with Global and Local Facial Features for Improved Face Recognition)

  • 윤경신;최재영
    • 한국멀티미디어학회논문지
    • /
    • 제23권8호
    • /
    • pp.1019-1029
    • /
    • 2020
  • In this paper, we propose a novel knowledge distillation algorithm to create an compressed deep ensemble network coupled with the combined use of local and global features of face images. In order to transfer the capability of high-level recognition performances of the ensemble deep networks to a single deep network, the probability for class prediction, which is the softmax output of the ensemble network, is used as soft target for training a single deep network. By applying the knowledge distillation algorithm, the local feature informations obtained by training the deep ensemble network using facial subregions of the face image as input are transmitted to a single deep network to create a so-called compressed ensemble DCNN. The experimental results demonstrate that our proposed compressed ensemble deep network can maintain the recognition performance of the complex ensemble deep networks and is superior to the recognition performance of a single deep network. In addition, our proposed method can significantly reduce the storage(memory) space and execution time, compared to the conventional ensemble deep networks developed for face recognition.

가중치 초기화 및 매개변수 갱신 방법에 따른 컨벌루션 신경망의 성능 비교 (Performance Comparison of Convolution Neural Network by Weight Initialization and Parameter Update Method1)

  • 박성욱;김도연
    • 한국멀티미디어학회논문지
    • /
    • 제21권4호
    • /
    • pp.441-449
    • /
    • 2018
  • Deep learning has been used for various processing centered on image recognition. One core algorithms of the deep learning, convolutional neural network is an deep neural network that specialized in image recognition. In this paper, we use a convolutional neural network to classify forest insects and propose an optimization method. Experiments were carried out by combining two weight initialization and six parameter update methods. As a result, the Xavier-SGD method showed the highest performance with an accuracy of 82.53% in the 12 different combinations of experiments. Through this, the latest learning algorithms, which complement the disadvantages of the previous parameter update method, we conclude that it can not lead to higher performance than existing methods in all application environments.

내부 FC층을 갖는 새로운 CNN 구조의 설계 (Design of new CNN structure with internal FC layer)

  • 박희문;박성찬;황광복;최영규;박진현
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2018년도 춘계학술대회
    • /
    • pp.466-467
    • /
    • 2018
  • 최근 이미지 인식, 영상 인식, 음성 인식, 자연어 처리 등 다양한 분야에 인공지능이 적용되면서 딥러닝(Deep learning) 기술에 관한 관심이 높아지고 있다. 딥러닝 중에서도 가장 대표적인 알고리즘으로 이미지 인식 및 분류에 강점이 있고 각 분야에 많이 쓰이고 있는 CNN(Convolutional Neural Network)에 대한 많은 연구가 진행되고 있다. 본 논문에서는 일반적인 CNN 구조를 변형한 새로운 네트워크 구조를 제안하고자 한다. 일반적인 CNN 구조는 convolution layer, pooling layer, fully-connected layer로 구성된다. 그러므로 본 연구에서는 일반적인 CNN 구조 내부에 FC를 첨가한 새로운 네트워크를 구성하고자 한다. 이러한 변형은 컨볼루션된 이미지에 신경회로망이 갖는 장점인 일반화 기능을 포함시켜 정확도를 올리고자 한다.

  • PDF

합성곱 신경망을 이용한 이미지 기반 화재 감지 시스템의 구현 (Implementation of Image based Fire Detection System Using Convolution Neural Network)

  • 방상완
    • 한국전자통신학회논문지
    • /
    • 제12권2호
    • /
    • pp.331-336
    • /
    • 2017
  • 화재 재해를 예방하기 위해 조기 화재 탐지 기술의 필요성이 증대되고 있다. 화염 및 연기를 감지하기 위해 열, 연기 및 불꽃에 대한 센서 감지 장치가 널리 사용되고 있으나, 이 시스템은 센서 주변 환경의 요소에 따라 제한된다. 이 문제들을 해결하기 위해 다수의 이미지 기반 화재 탐지 시스템이 개발되고 있다. 본 논문에서는 카메라 입력 이미지로 부터 합성곱 신경망을 이용하여 연기 이미지와 불꽃 이미지에 대한 학습을 통해 특징 맵을 추출하고, 이를 사용하여 다른 입력 이미지를 연기와 불꽃으로 분류하는 이미지 기반 화재 감지 시스템을 구현하였다. 다양한 조건의 이미지를 대상으로 실험한 결과 연기와 불꽃으로 분류하는데 우수한 성능을 보여주었다.

CNN을 이용한 안저 영상의 녹내장 검출 (Glaucoma Detection of Fundus Images Using Convolution Neural Network)

  • 신수연
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국정보통신학회 2022년도 춘계학술대회
    • /
    • pp.636-638
    • /
    • 2022
  • 본 논문은 의료진단 검출 분야에서 혈관, 신경조직, 망막 손상 그리고 다양한 심혈관계 질환과 치매까지 진단하는 데 유용하게 사용하고 있는 안저 영상에 CNN(Convolution Neural Network) 알고리즘을 적용하고 녹내장 병변을 검출하기 위한 연구를 진행한다. 실험을 위하여 정상 안저 영상과 녹내장 병변이 있는 안저 영상으로 구성된 데이터 세트를 AlexNet으로 분류하고 그 성능을 확인하였다.

  • PDF

Residual Learning Based CNN for Gesture Recognition in Robot Interaction

  • Han, Hua
    • Journal of Information Processing Systems
    • /
    • 제17권2호
    • /
    • pp.385-398
    • /
    • 2021
  • The complexity of deep learning models affects the real-time performance of gesture recognition, thereby limiting the application of gesture recognition algorithms in actual scenarios. Hence, a residual learning neural network based on a deep convolutional neural network is proposed. First, small convolution kernels are used to extract the local details of gesture images. Subsequently, a shallow residual structure is built to share weights, thereby avoiding gradient disappearance or gradient explosion as the network layer deepens; consequently, the difficulty of model optimisation is simplified. Additional convolutional neural networks are used to accelerate the refinement of deep abstract features based on the spatial importance of the gesture feature distribution. Finally, a fully connected cascade softmax classifier is used to complete the gesture recognition. Compared with the dense connection multiplexing feature information network, the proposed algorithm is optimised in feature multiplexing to avoid performance fluctuations caused by feature redundancy. Experimental results from the ISOGD gesture dataset and Gesture dataset prove that the proposed algorithm affords a fast convergence speed and high accuracy.

EMD-CNN-LSTM을 이용한 하이브리드 방식의 리튬 이온 배터리 잔여 수명 예측 (Remaining Useful Life Prediction for Litium-Ion Batteries Using EMD-CNN-LSTM Hybrid Method)

  • 임제영;김동환;노태원;이병국
    • 전력전자학회논문지
    • /
    • 제27권1호
    • /
    • pp.48-55
    • /
    • 2022
  • This paper proposes a battery remaining useful life (RUL) prediction method using a deep learning-based EMD-CNN-LSTM hybrid method. The proposed method pre-processes capacity data by applying empirical mode decomposition (EMD) and predicts the remaining useful life using CNN-LSTM. CNN-LSTM is a hybrid method that combines convolution neural network (CNN), which analyzes spatial features, and long short term memory (LSTM), which is a deep learning technique that processes time series data analysis. The performance of the proposed remaining useful life prediction method is verified using the battery aging experiment data provided by the NASA Ames Prognostics Center of Excellence and shows higher accuracy than does the conventional method.

Deep Convolution Neural Networks in Computer Vision: a Review

  • Yoo, Hyeon-Joong
    • IEIE Transactions on Smart Processing and Computing
    • /
    • 제4권1호
    • /
    • pp.35-43
    • /
    • 2015
  • Over the past couple of years, tremendous progress has been made in applying deep learning (DL) techniques to computer vision. Especially, deep convolutional neural networks (DCNNs) have achieved state-of-the-art performance on standard recognition datasets and tasks such as ImageNet Large-Scale Visual Recognition Challenge (ILSVRC). Among them, GoogLeNet network which is a radically redesigned DCNN based on the Hebbian principle and scale invariance set the new state of the art for classification and detection in the ILSVRC 2014. Since there exist various deep learning techniques, this review paper is focusing on techniques directly related to DCNNs, especially those needed to understand the architecture and techniques employed in GoogLeNet network.