• Title/Summary/Keyword: CNN Model

Search Result 963, Processing Time 0.025 seconds

A Prediction System of Skin Pore Labeling Using CNN and Image Processing (합성곱 신경망 및 영상처리 기법을 활용한 피부 모공 등급 예측 시스템)

  • Tae-Hee, Lee;Woo-Sung, Hwang;Myung-Ryul, Choi
    • Journal of IKEEE
    • /
    • v.26 no.4
    • /
    • pp.647-652
    • /
    • 2022
  • In this paper, we propose a prediction system for skin pore labeling based on a CNN(Convolution Neural Network) model, where a data set is constructed by processing skin images taken by users, and a pore feature image is generated by the proposed image processing algorithm. The skin image data set was labeled for pore characteristics based on the visual classification criteria of skin beauty experts. The proposed image processing algorithm was applied to generate pore feature images from skin images and to train a CNN model that predicts pore feature ratings. The prediction results with pore features by the proposed CNN model is similar to experts visual classification results, where less learning time and higher prediction results were obtained than the results by the comparison model (Resnet-50). In this paper, we describe the proposed image processing algorithm and CNN model, the results of the prediction system and future research plans.

An Untrained Person's Posture Estimation Scheme by Exploiting a Single 24GHz FMCW Radar and 2D CNN (단일 24GHz FMCW 레이더 및 2D CNN을 이용하여 학습되지 않은 요구조자의 자세 추정 기법)

  • Kyongseok Jang;Junhao Zhou;Chao Sun;Youngok Kim
    • Journal of the Society of Disaster Information
    • /
    • v.19 no.4
    • /
    • pp.897-907
    • /
    • 2023
  • Purpose: In this study, We aim to estimate a untrained person's three postures using a 2D CNN model which is trained with minimal FFT data collected by a 24GHz FMCW radar. Method: In an indoor space, we collected FFT data for three distinct postures (standing, sitting, and lying) from three different individuals. To apply this data to a 2D CNN model, we first converted the collected data into 2D images. These images were then trained using the 2D CNN model to recognize the distinct features of each posture. Following the training, we evaluated the model's accuracy in differentiating the posture features across various individuals. Result: According to the experimental results, the average accuracy of the proposed scheme for the three postures was shown to be a 89.99% and it outperforms the conventional 1D CNN and the SVM schemes. Conclusion: In this study, we aim to estimate any person's three postures using a 2D CNN model and a 24GHz FMCW radar for disastrous situations in indoor. it is shown that the different posture of any persons can be accurately estimated even though his or her data is not used for training the AI model.

Deep Learning-based Pes Planus Classification Model Using Transfer Learning

  • Kim, Yeonho;Kim, Namgyu
    • Journal of the Korea Society of Computer and Information
    • /
    • v.26 no.4
    • /
    • pp.21-28
    • /
    • 2021
  • This study proposes a deep learning-based flat foot classification methodology using transfer learning. We used a transfer learning with VGG16 pre-trained model and a data augmentation technique to generate a model with high predictive accuracy from a total of 176 image data consisting of 88 flat feet and 88 normal feet. To evaluate the performance of the proposed model, we performed an experiment comparing the prediction accuracy of the basic CNN-based model and the prediction model derived through the proposed methodology. In the case of the basic CNN model, the training accuracy was 77.27%, the validation accuracy was 61.36%, and the test accuracy was 59.09%. Meanwhile, in the case of our proposed model, the training accuracy was 94.32%, the validation accuracy was 86.36%, and the test accuracy was 84.09%, indicating that the accuracy of our model was significantly higher than that of the basic CNN model.

Comparison of Deep Learning Models Using Protein Sequence Data (단백질 기능 예측 모델의 주요 딥러닝 모델 비교 실험)

  • Lee, Jeung Min;Lee, Hyun
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.11 no.6
    • /
    • pp.245-254
    • /
    • 2022
  • Proteins are the basic unit of all life activities, and understanding them is essential for studying life phenomena. Since the emergence of the machine learning methodology using artificial neural networks, many researchers have tried to predict the function of proteins using only protein sequences. Many combinations of deep learning models have been reported to academia, but the methods are different and there is no formal methodology, and they are tailored to different data, so there has never been a direct comparative analysis of which algorithms are more suitable for handling protein data. In this paper, the single model performance of each algorithm was compared and evaluated based on accuracy and speed by applying the same data to CNN, LSTM, and GRU models, which are the most frequently used representative algorithms in the convergence research field of predicting protein functions, and the final evaluation scale is presented as Micro Precision, Recall, and F1-score. The combined models CNN-LSTM and CNN-GRU models also were evaluated in the same way. Through this study, it was confirmed that the performance of LSTM as a single model is good in simple classification problems, overlapping CNN was suitable as a single model in complex classification problems, and the CNN-LSTM was relatively better as a combination model.

Hybrid CNN-SVM Based Seed Purity Identification and Classification System

  • Suganthi, M;Sathiaseelan, J.G.R.
    • International Journal of Computer Science & Network Security
    • /
    • v.22 no.10
    • /
    • pp.271-281
    • /
    • 2022
  • Manual seed classification challenges can be overcome using a reliable and autonomous seed purity identification and classification technique. It is a highly practical and commercially important requirement of the agricultural industry. Researchers can create a new data mining method with improved accuracy using current machine learning and artificial intelligence approaches. Seed classification can help with quality making, seed quality controller, and impurity identification. Seeds have traditionally been classified based on characteristics such as colour, shape, and texture. Generally, this is done by experts by visually examining each model, which is a very time-consuming and tedious task. This approach is simple to automate, making seed sorting far more efficient than manually inspecting them. Computer vision technologies based on machine learning (ML), symmetry, and, more specifically, convolutional neural networks (CNNs) have been widely used in related fields, resulting in greater labour efficiency in many cases. To sort a sample of 3000 seeds, KNN, SVM, CNN and CNN-SVM hybrid classification algorithms were used. A model that uses advanced deep learning techniques to categorise some well-known seeds is included in the proposed hybrid system. In most cases, the CNN-SVM model outperformed the comparable SVM and CNN models, demonstrating the effectiveness of utilising CNN-SVM to evaluate data. The findings of this research revealed that CNN-SVM could be used to analyse data with promising results. Future study should look into more seed kinds to expand the use of CNN-SVMs in data processing.

A Study on Hangul Handwriting Generation and Classification Mode for Intelligent OCR System (지능형 OCR 시스템을 위한 한글 필기체 생성 및 분류 모델에 관한 연구)

  • Jin-Seong Baek;Ji-Yun Seo;Sang-Joong Jung;Do-Un Jeong
    • Journal of the Institute of Convergence Signal Processing
    • /
    • v.23 no.4
    • /
    • pp.222-227
    • /
    • 2022
  • In this paper, we implemented a Korean text generation and classification model based on a deep learning algorithm that can be applied to various industries. It consists of two implemented GAN-based Korean handwriting generation models and CNN-based Korean handwriting classification models. The GAN model consists of a generator model for generating fake Korean handwriting data and a discriminator model for discriminating fake handwritten data. In the case of the CNN model, the model was trained using the 'PHD08' dataset, and the learning result was 92.45. It was confirmed that Korean handwriting was classified with % accuracy. As a result of evaluating the performance of the classification model by integrating the Korean cursive data generated through the implemented GAN model and the training dataset of the existing CNN model, it was confirmed that the classification performance was 96.86%, which was superior to the existing classification performance.

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

  • Hyeopgeon Lee;Young-Woon Kim
    • The Journal of Korea Institute of Information, Electronics, and Communication Technology
    • /
    • v.16 no.1
    • /
    • pp.41-49
    • /
    • 2023
  • A convolutional neural network (CNN) is a representative algorithm for implementing artificial neural networks. CNNs have improved on the issues of rapid increase in calculation amount and low object classification rates, which are associated with a conventional multi-layered fully-connected neural network (FNN). However, because of the rapid development of IT devices, the maximum resolution of images captured by current smartphone and tablet cameras has reached 108 million pixels (MP). Specifically, a traditional CNN algorithm requires a significant cost and time to learn and process simple, high-resolution images. Therefore, this study proposes an improved CNN algorithm for implementing an object classification learning model for simple, high-resolution images. The proposed method alters the adjacency matrix value of the pooling layer's max pooling operation for the CNN algorithm to reduce the high-resolution image learning model's creation time. This study implemented a learning model capable of processing 4, 8, and 12 MP high-resolution images for each altered matrix value. The performance evaluation result showed that the creation time of the learning model implemented with the proposed algorithm decreased by 36.26% for 12 MP images. Compared to the conventional model, the proposed learning model's object recognition accuracy and loss rate were less than 1%, which is within the acceptable error range. Practical verification is necessary through future studies by implementing a learning model with more varied image types and a larger amount of image data than those used in this study.

Bias Correction of Satellite-Based Precipitation Using Convolutional Neural Network

  • Le, Xuan-Hien;Lee, Gi Ha
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2020.06a
    • /
    • pp.120-120
    • /
    • 2020
  • Spatial precipitation data is one of the essential components in modeling hydrological problems. The estimation of these data has achieved significant achievements own to the recent advances in remote sensing technology. However, there are still gaps between the satellite-derived rainfall data and observed data due to the significant dependence of rainfall on spatial and temporal characteristics. An effective approach based on the Convolutional Neural Network (CNN) model to correct the satellite-derived rainfall data is proposed in this study. The Mekong River basin, one of the largest river system in the world, was selected as a case study. The two gridded precipitation data sets with a spatial resolution of 0.25 degrees used in the CNN model are APHRODITE (Asian Precipitation - Highly-Resolved Observational Data Integration Towards Evaluation) and PERSIANN-CDR (Precipitation Estimation from Remotely Sensed Information using Artificial Neural Networks). In particular, PERSIANN-CDR data is exploited as satellite-based precipitation data and APHRODITE data is considered as observed rainfall data. In addition to developing a CNN model to correct the satellite-based rain data, another statistical method based on standard deviations for precipitation bias correction was also mentioned in this study. Estimated results indicate that the CNN model illustrates better performance both in spatial and temporal correlation when compared to the standard deviation method. The finding of this study indicated that the CNN model could produce reliable estimates for the gridded precipitation bias correction problem.

  • PDF

Runoff Prediction from Machine Learning Models Coupled with Empirical Mode Decomposition: A case Study of the Grand River Basin in Canada

  • Parisouj, Peiman;Jun, Changhyun;Nezhad, Somayeh Moghimi;Narimani, Roya
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2022.05a
    • /
    • pp.136-136
    • /
    • 2022
  • This study investigates the possibility of coupling empirical mode decomposition (EMD) for runoff prediction from machine learning (ML) models. Here, support vector regression (SVR) and convolutional neural network (CNN) were considered for ML algorithms. Precipitation (P), minimum temperature (Tmin), maximum temperature (Tmax) and their intrinsic mode functions (IMF) values were used for input variables at a monthly scale from Jan. 1973 to Dec. 2020 in the Grand river basin, Canada. The support vector machine-recursive feature elimination (SVM-RFE) technique was applied for finding the best combination of predictors among input variables. The results show that the proposed method outperformed the individual performance of SVR and CNN during the training and testing periods in the study area. According to the correlation coefficient (R), the EMD-SVR model outperformed the EMD-CNN model in both training and testing even though the CNN indicated a better performance than the SVR before using IMF values. The EMD-SVR model showed higher improvement in R value (38.7%) than that from the EMD-CNN model (7.1%). It should be noted that the coupled models of EMD-SVR and EMD-CNN represented much higher accuracy in runoff prediction with respect to the considered evaluation indicators, including root mean square error (RMSE) and R values.

  • PDF

Classification Algorithm for Liver Lesions of Ultrasound Images using Ensemble Deep Learning (앙상블 딥러닝을 이용한 초음파 영상의 간병변증 분류 알고리즘)

  • Cho, Young-Bok
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.20 no.4
    • /
    • pp.101-106
    • /
    • 2020
  • In the current medical field, ultrasound diagnosis can be said to be the same as a stethoscope in the past. However, due to the nature of ultrasound, it has the disadvantage that the prediction of results is uncertain depending on the skill level of the examiner. Therefore, this paper aims to improve the accuracy of liver lesion detection during ultrasound examination based on deep learning technology to solve this problem. In the proposed paper, we compared the accuracy of lesion classification using a CNN model and an ensemble model. As a result of the experiment, it was confirmed that the classification accuracy in the CNN model averaged 82.33% and the ensemble model averaged 89.9%, about 7% higher. Also, it was confirmed that the ensemble model was 0.97 in the average ROC curve, which is about 0.4 higher than the CNN model.