• Title/Summary/Keyword: Deep Learning MLP

Search Result 73, Processing Time 0.025 seconds

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

  • Kim, Min-Ki
    • Journal of Korea Multimedia Society
    • /
    • v.22 no.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.

Variation for Mental Health of Children of Marginalized Classes through Exercise Therapy using Deep Learning (딥러닝을 이용한 소외계층 아동의 스포츠 재활치료를 통한 정신 건강에 대한 변화)

  • Kim, Myung-Mi
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.15 no.4
    • /
    • pp.725-732
    • /
    • 2020
  • This paper uses variables following as : to follow me well(0-9), it takes a lot of time to make a decision (0-9), lethargy(0-9) during physical activity in the exercise learning program of the children in the marginalized class. This paper classifies 'gender', 'physical education classroom', and 'upper, middle and lower' of age, and observe changes in ego-resiliency and self-control through sports rehabilitation therapy to find out changes in mental health. To achieve this, the data acquired was merged and the characteristics of large and small numbers were removed using the Label encoder and One-hot encoding. Then, to evaluate the performance by applying each algorithm of MLP, SVM, Dicesion tree, RNN, and LSTM, the train and test data were divided by 75% and 25%, and then the algorithm was learned with train data and the accuracy of the algorithm was measured with the Test data. As a result of the measurement, LSTM was the most effective in sex, MLP and LSTM in physical education classroom, and SVM was the most effective in age.

A Study on the Prediction Diagnosis System Improvement by Error Terms and Learning Methodologies Application (오차항과 러닝 기법을 활용한 예측진단 시스템 개선 방안 연구)

  • Kim, Myung Joon;Park, Youngho;Kim, Tai Kyoo;Jung, Jae-Seok
    • Journal of Korean Society for Quality Management
    • /
    • v.47 no.4
    • /
    • pp.783-793
    • /
    • 2019
  • Purpose: The purpose of this study is to apply the machine and deep learning methodology on error terms which are continuously auto-generated on the sensors with specific time period and prove the improvement effects of power generator prediction diagnosis system by comparing detection ability. Methods: The SVM(Support Vector Machine) and MLP(Multi Layer Perception) learning procedures were applied for predicting the target values and sequentially producing the error terms for confirming the detection improvement effects of suggested application. For checking the effectiveness of suggested procedures, several detection methodologies such as Cusum and EWMA were used for the comparison. Results: The statistical analysis result shows that without noticing the sequential trivial changes on current diagnosis system, suggested approach based on the error term diagnosis is sensing the changes in the very early stages. Conclusion: Using pattern of error terms as a diagnosis tool for the safety control process with SVM and MLP learning procedure, unusual symptoms could be detected earlier than current prediction system. By combining the suggested error term management methodology with current process seems to be meaningful for sustainable safety condition by early detecting the symptoms.

Scaling Up Face Masks Classification Using a Deep Neural Network and Classical Method Inspired Hybrid Technique

  • Kumar, Akhil;Kalia, Arvind;Verma, Kinshuk;Sharma, Akashdeep;Kaushal, Manisha;Kalia, Aayushi
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.16 no.11
    • /
    • pp.3658-3679
    • /
    • 2022
  • Classification of persons wearing and not wearing face masks in images has emerged as a new computer vision problem during the COVID-19 pandemic. In order to address this problem and scale up the research in this domain, in this paper a hybrid technique by employing ResNet-101 and multi-layer perceptron (MLP) classifier has been proposed. The proposed technique is tested and validated on a self-created face masks classification dataset and a standard dataset. On self-created dataset, the proposed technique achieved a classification accuracy of 97.3%. To embrace the proposed technique, six other state-of-the-art CNN feature extractors with six other classical machine learning classifiers have been tested and compared with the proposed technique. The proposed technique achieved better classification accuracy and 1-6% higher precision, recall, and F1 score as compared to other tested deep feature extractors and machine learning classifiers.

Comparison of Power Consumption Prediction Scheme Based on Artificial Intelligence (인공지능 기반 전력량예측 기법의 비교)

  • Lee, Dong-Gu;Sun, Young-Ghyu;Kim, Soo-Hyun;Sim, Issac;Hwang, Yu-Min;Kim, Jin-Young
    • The Journal of the Institute of Internet, Broadcasting and Communication
    • /
    • v.19 no.4
    • /
    • pp.161-167
    • /
    • 2019
  • Recently, demand forecasting techniques have been actively studied due to interest in stable power supply with surging power demand, and increase in spread of smart meters that enable real-time power measurement. In this study, we proceeded the deep learning prediction model experiments which learns actual measured power usage data of home and outputs the forecasting result. And we proceeded pre-processing with moving average method. The predicted value made by the model is evaluated with the actual measured data. Through this forecasting, it is possible to lower the power supply reserve ratio and reduce the waste of the unused power. In this paper, we conducted experiments on three types of networks: Multi Layer Perceptron (MLP), Recurrent Neural Network (RNN), and Long Short Term Memory (LSTM) and we evaluate the results of each scheme. Evaluation is conducted with following method: MSE(Mean Squared Error) method and MAE(Mean Absolute Error).

Cable damage identification of cable-stayed bridge using multi-layer perceptron and graph neural network

  • Pham, Van-Thanh;Jang, Yun;Park, Jong-Woong;Kim, Dong-Joo;Kim, Seung-Eock
    • Steel and Composite Structures
    • /
    • v.44 no.2
    • /
    • pp.241-254
    • /
    • 2022
  • The cables in a cable-stayed bridge are critical load-carrying parts. The potential damage to cables should be identified early to prevent disasters. In this study, an efficient deep learning model is proposed for the damage identification of cables using both a multi-layer perceptron (MLP) and a graph neural network (GNN). Datasets are first generated using the practical advanced analysis program (PAAP), which is a robust program for modeling and analyzing bridge structures with low computational costs. The model based on the MLP and GNN can capture complex nonlinear correlations between the vibration characteristics in the input data and the cable system damage in the output data. Multiple hidden layers with an activation function are used in the MLP to expand the original input vector of the limited measurement data to obtain a complete output data vector that preserves sufficient information for constructing the graph in the GNN. Using the gated recurrent unit and set2set model, the GNN maps the formed graph feature to the output cable damage through several updating times and provides the damage results to both the classification and regression outputs. The model is fine-tuned with the original input data using Adam optimization for the final objective function. A case study of an actual cable-stayed bridge was considered to evaluate the model performance. The results demonstrate that the proposed model provides high accuracy (over 90%) in classification and satisfactory correlation coefficients (over 0.98) in regression and is a robust approach to obtain effective identification results with a limited quantity of input data.

Real-time Dog Behavior Analysis and Care System Using Sensor Module and Artificial Neural Network (센서 모듈과 인공신경망을 활용한 실시간 반려견 행동 분석 및 케어 시스템)

  • Hee Rae Lee;Seon Gyeong Kim;Hyung Gyu Lee
    • Journal of Korea Society of Industrial Information Systems
    • /
    • v.29 no.4
    • /
    • pp.35-42
    • /
    • 2024
  • In this study, we propose a method for real-time recognition and analysis of dog behavior using a motion sensor and deep learning techonology. The existing home CCTV (Closed-Circuit Television) that recognizes dog behavior has privacy and security issues, so there is a need for new technologies to overcome them. In this paper, we propose a system that can analyze and care for a dog's behavior based on the data measured by the motion sensor. The study compares the MLP (Multi-Layer Perceptron) and CNN (Convolutional Neural Network) models to find the optimal model for dog behavior analysis, and the final model, which has an accuracy of about 82.19%, is selected. The model is lightened to confirm its potential for use in embedded environments.

Forecasting the Precipitation of the Next Day Using Deep Learning (딥러닝 기법을 이용한 내일강수 예측)

  • Ha, Ji-Hun;Lee, Yong Hee;Kim, Yong-Hyuk
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.26 no.2
    • /
    • pp.93-98
    • /
    • 2016
  • For accurate precipitation forecasts the choice of weather factors and prediction method is very important. Recently, machine learning has been widely used for forecasting precipitation, and artificial neural network, one of machine learning techniques, showed good performance. In this paper, we suggest a new method for forecasting precipitation using DBN, one of deep learning techniques. DBN has an advantage that initial weights are set by unsupervised learning, so this compensates for the defects of artificial neural networks. We used past precipitation, temperature, and the parameters of the sun and moon's motion as features for forecasting precipitation. The dataset consists of observation data which had been measured for 40 years from AWS in Seoul. Experiments were based on 8-fold cross validation. As a result of estimation, we got probabilities of test dataset, so threshold was used for the decision of precipitation. CSI and Bias were used for indicating the precision of precipitation. Our experimental results showed that DBN performed better than MLP.

Reverse Engineering of Deep Learning Network Secret Information Through Side Channel Attack (부채널 분석을 이용한 딥러닝 네트워크 신규 내부 비밀정보 복원 방법 연구)

  • Park, Sujin;Lee, Juheon;Kim, HeeSeok
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.32 no.5
    • /
    • pp.855-867
    • /
    • 2022
  • As the need for a deep learning accelerator increases with the development of IoT equipment, research on the implementation and safety verification of the deep learning accelerator is actively. In this paper, we propose a new side channel analysis methodology for secret information that overcomes the limitations of the previous study in Usenix 2019. We overcome the disadvantage of limiting the range of weights and restoring only a portion of the weights in the previous work, and restore the IEEE754 32bit single-precision with 99% accuracy with a new method using CPA. In addition, it overcomes the limitations of existing studies that can reverse activation functions only for specific inputs. Using deep learning, we reverse activation functions with 99% accuracy without conditions for input values with a new method. This paper not only overcomes the limitations of previous studies, but also proves that the proposed new methodology is effective.

Design of an Effective Deep Learning-Based Non-Profiling Side-Channel Analysis Model (효과적인 딥러닝 기반 비프로파일링 부채널 분석 모델 설계방안)

  • Han, JaeSeung;Sim, Bo-Yeon;Lim, Han-Seop;Kim, Ju-Hwan;Han, Dong-Guk
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.30 no.6
    • /
    • pp.1291-1300
    • /
    • 2020
  • Recently, a deep learning-based non-profiling side-channel analysis was proposed. The deep learning-based non-profiling analysis is a technique that trains a neural network model for all guessed keys and then finds the correct secret key through the difference in the training metrics. As the performance of non-profiling analysis varies greatly depending on the neural network training model design, a correct model design criterion is required. This paper describes the two types of loss functions and eight labeling methods used in the training model design. It predicts the analysis performance of each labeling method in terms of non-profiling analysis and power consumption model. Considering the characteristics of non-profiling analysis and the HW (Hamming Weight) power consumption model is assumed, we predict that the learning model applying the HW label without One-hot encoding and the Correlation Optimization (CO) loss will have the best analysis performance. And we performed actual analysis on three data sets that are Subbytes operation part of AES-128 1 round. We verified our prediction by non-profiling analyzing two data sets with a total 16 of MLP-based model, which we describe.