• Title/Summary/Keyword: CNN Model

Search Result 974, Processing Time 0.02 seconds

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
    • Journal of the Korea Society of Computer and Information
    • /
    • v.26 no.7
    • /
    • pp.29-36
    • /
    • 2021
  • In this paper, we classify ECG signal data for mobile devices using deep learning models. To classify abnormal heartbeats with high accuracy, three factors of the deep learning model are selected, and the classification accuracy is compared according to the changes in the conditions of the factors. We apply a CNN model that can self-extract features of ECG data and compare the performance of a total of 48 combinations by combining conditions of the depth of model, optimization method, and activation functions that compose the model. Deriving the combination of conditions with the highest accuracy, we obtained the highest classification accuracy of 97.88% when we applied 19 convolutional layers, an optimization method SGD, and an activation function Mish. In this experiment, we confirmed the suitability of feature extraction and abnormal beat detection of 1-channel ECG signals using CNN.

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

  • Cho, Minwoo;Kim, Dongsoo;Jung, Hoekyung
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.26 no.3
    • /
    • pp.341-346
    • /
    • 2022
  • Due to global warming and abnormal climate, the frequency and damage of floods are increasing, and the number of people exposed to flood-prone areas has increased by 25% compared to 2000. Floods cause huge financial and human losses, and in order to reduce the losses caused by floods, it is necessary to predict the flood in advance and decide to evacuate quickly. This paper proposes a flood risk determination model using a CNN-based classification model so that timely evacuation decisions can be made using rainfall and water level data, which are key data for flood prediction. By comparing the results of the CNN-based classification model proposed in this paper and the DNN-based classification model, it was confirmed that it showed better performance. Through this, it is considered that it can be used as an initial study to determine the risk of flooding, determine whether to evacuate, and make an evacuation decision at the optimal time.

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
    • /
    • v.52 no.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.

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

  • Park, DaeKyeong;Shin, DongIl;Shin, DongKyoo;Kim, Sangsoo
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.7
    • /
    • pp.271-278
    • /
    • 2021
  • As the current cyber attacks become more intelligent, the existing Intrusion Detection System is difficult for detecting intelligent attacks that deviate from the existing stored patterns. In an attempt to solve this, a model of a deep learning-based intrusion detection system that analyzes the pattern of intelligent attacks through data learning has emerged. Intrusion detection systems are divided into host-based and network-based depending on the installation location. Unlike network-based intrusion detection systems, host-based intrusion detection systems have the disadvantage of having to observe the inside and outside of the system as a whole. However, it has the advantage of being able to detect intrusions that cannot be detected by a network-based intrusion detection system. Therefore, in this study, we conducted a study on a host-based intrusion detection system. In order to evaluate and improve the performance of the host-based intrusion detection system model, we used the host-based Leipzig Intrusion Detection-Data Set (LID-DS) published in 2018. In the performance evaluation of the model using that data set, in order to confirm the similarity of each data and reconstructed to identify whether it is normal data or abnormal data, 1D vector data is converted to 3D image data. Also, the deep learning model has the drawback of having to re-learn every time a new cyber attack method is seen. In other words, it is not efficient because it takes a long time to learn a large amount of data. To solve this problem, this paper proposes the Siamese Convolutional Neural Network (Siamese-CNN) to use the Few-Shot Learning method that shows excellent performance by learning the little amount of data. Siamese-CNN determines whether the attacks are of the same type by the similarity score of each sample of cyber attacks converted into images. The accuracy was calculated using Few-Shot Learning technique, and the performance of Vanilla Convolutional Neural Network (Vanilla-CNN) and Siamese-CNN was compared to confirm the performance of Siamese-CNN. As a result of measuring Accuracy, Precision, Recall and F1-Score index, it was confirmed that the recall of the Siamese-CNN model proposed in this study was increased by about 6% from the Vanilla-CNN model.

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

  • Lee, Jong-Hwa;Kim, Jong-Wouk;Choi, Mi-Jung
    • KNOM Review
    • /
    • v.24 no.2
    • /
    • pp.24-34
    • /
    • 2021
  • Service providers using edge computing provide a high level of service. As a result, devices store important information in inner storage and have become a target of the latest cyberattacks, which are more difficult to detect. Although experts use a security system such as intrusion detection systems, the existing intrusion systems have low detection accuracy. Therefore, in this paper, we proposed a machine learning model for more accurate intrusion detections of devices in edge computing. The proposed model is a hybrid model that combines a stacked sparse autoencoder (SSAE) and a convolutional neural network (CNN) to extract important feature vectors from the input data using sparsity constraints. To find the optimal model, we compared and analyzed the performance as adjusting the sparsity coefficient of SSAE. As a result, the model showed the highest accuracy as a 96.9% using the sparsity constraints. Therefore, the model showed the highest performance when model trains only important features.

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 (전투기용 레이다 기반 SAR 영상 자동표적분류 기능 구조 및 CNN 앙상블 모델을 이용한 표적분류 정확도 향상 방안 연구)

  • Lim, Dong Ju;Song, Se Ri;Park, Peom
    • Journal of the Korean Society of Systems Engineering
    • /
    • v.16 no.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.

The Classification Scheme of ADHD for children based on the CNN Model (CNN 모델 기반의 소아 ADHD 분류 기법)

  • Kim, Do-Hyun;Park, Seung-Min;Kim, Dong-Hyun
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.17 no.5
    • /
    • pp.809-814
    • /
    • 2022
  • ADHD is a disorder showing inattentiveness and hyperactivity. Since symptoms diagnosed in childhood continue to the adulthood, it is important to diagnose ADHD and start treatments in early stages. However, it has the problems to acquire enough and accurate data for the diagnosis because the mental state of children is immature using the self-diagnosis method or the computerized test. In this paper, we present the classification method based on the CNN model and execute experiment using the EEG data to improve the objectiveness and the accuracy of ADHD diagnosis. For the experiment, we build the 3D convolutional networks model and exploit the 5-folds cross validation method. The result shows the 97% accuracy on average.

A Study of Weighing System to Apply into Hydraulic Excavator with CNN (CNN기반 굴삭기용 부하 측정 시스템 구현을 위한 연구)

  • Hwang Hun Jeong;Young Il Shin;Jin Ho Lee;Ki Yong Cho
    • Journal of Drive and Control
    • /
    • v.20 no.4
    • /
    • pp.133-139
    • /
    • 2023
  • A weighing system calculates the bucket's excavation amount of an excavator. Usually, the excavation amount is computed by the excavator's motion equations with sensing data. But these motion equations have computing errors that are induced by assumptions to the linear systems and identification of the equation's parameters. To reduce computing errors, some commercial weighing system incorporates particular motion into the excavation process. This study introduces a linear regression model on an artificial neural network that has fewer predicted errors and doesn't need a particular pose during an excavation. Time serial data were gathered from a 30tons excavator's loading test. Then these data were preprocessed to be adjusted by MPL (Multi Layer Perceptron) or CNN (Convolutional Neural Network) based linear regression models. Each model was trained by changing hyperparameter such as layer or node numbers, drop-out rate, and kernel size. Finally ID-CNN-based linear regression model was selected.

CNN-based Fall Detection Model for Humanoid Robots (CNN 기반의 인간형 로봇의 낙상 판별 모델)

  • Shin-Woo Park;Hyun-Min Joe
    • Journal of Sensor Science and Technology
    • /
    • v.33 no.1
    • /
    • pp.18-23
    • /
    • 2024
  • Humanoid robots, designed to interact in human environments, require stable mobility to ensure safety. When a humanoid robot falls, it causes damage, breakdown, and potential harm to the robot. Therefore, fall detection is critical to preventing the robot from falling. Prevention of falling of a humanoid robot requires an operator controlling a crane. For efficient and safe walking control experiments, a system that can replace a crane operator is needed. To replace such a crane operator, it is essential to detect the falling conditions of humanoid robots. In this study, we propose falling detection methods using Convolution Neural Network (CNN) model. The image data of a humanoid robot are collected from various angles and environments. A large amount of data is collected by dividing video data into frames per second, and data augmentation techniques are used. The effectiveness of the proposed CNN model is verified by the experiments with the humanoid robot MAX-E1.

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

  • Sang Jin Cho;Young-Jin Oh;Soo Young Shin
    • Transactions of the Korean Society of Pressure Vessels and Piping
    • /
    • v.19 no.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.