• Title/Summary/Keyword: Deep Learning MLP

Search Result 70, Processing Time 0.028 seconds

The Prediction of Bidding Price using Deep Learning in the Electronic Bidding (전자입찰에서 딥러닝을 이용한 입찰 가격예측)

  • Hwang, Dae-Hyeon;Bae, Young-Chul
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.15 no.1
    • /
    • pp.147-152
    • /
    • 2020
  • The bidding program uses statistical analysis method of the collected bidding information and the accumulated bidding results from the public/private sector; however, it is not easy to predict the accurate bidding price by winning the bid method through multiple lottery. Therefore, this paper analyzes the accuracy of the current state data of the electric construction bid from January 2015 to August 2019 acquired from the electric net, which is an electronic bidding site, We use MLP and RNN method, and proposes a technique to predict the bidding amount necessary for the winning bid by predicting the amount between the first and the lowest bidder.

S-PRESENT Cryptanalysis through Know-Plaintext Attack Based on Deep Learning (딥러닝 기반의 알려진 평문 공격을 통한 S-PRESENT 분석)

  • Se-jin Lim;Hyun-Ji Kim;Kyung-Bae Jang;Yea-jun Kang;Won-Woong Kim;Yu-Jin Yang;Hwa-Jeong Seo
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.33 no.2
    • /
    • pp.193-200
    • /
    • 2023
  • Cryptanalysis can be performed by various techniques such as known plaintext attack, differential attack, side-channel analysis, and the like. Recently, many studies have been conducted on cryptanalysis using deep learning. A known-plaintext attack is a technique that uses a known plaintext and ciphertext pair to find a key. In this paper, we use deep learning technology to perform a known-plaintext attack against S-PRESENT, a reduced version of the lightweight block cipher PRESENT. This paper is significant in that it is the first known-plaintext attack based on deep learning performed on a reduced lightweight block cipher. For cryptanalysis, MLP (Multi-Layer Perceptron) and 1D and 2D CNN(Convolutional Neural Network) models are used and optimized, and the performance of the three models is compared. It showed the highest performance in 2D convolutional neural networks, but it was possible to attack only up to some key spaces. From this, it can be seen that the known-plaintext attack through the MLP model and the convolutional neural network is limited in attackable key bits.

Estimation of GNSS Zenith Tropospheric Wet Delay Using Deep Learning (딥러닝 기반 GNSS 천정방향 대류권 습윤지연 추정 연구)

  • Lim, Soo-Hyeon;Bae, Tae-Suk
    • Journal of the Korean Society of Surveying, Geodesy, Photogrammetry and Cartography
    • /
    • v.39 no.1
    • /
    • pp.23-28
    • /
    • 2021
  • Data analysis research using deep learning has recently been studied in various field. In this paper, we conduct a GNSS (Global Navigation Satellite System)-based meteorological study applying deep learning by estimating the ZWD (Zenith tropospheric Wet Delay) through MLP (Multi-Layer Perceptron) and LSTM (Long Short-Term Memory) models. Deep learning models were trained with meteorological data and ZWD which is estimated using zenith tropospheric total delay and dry delay. We apply meteorological data not used for learning to the learned model to estimate ZWD with centimeter-level RMSE (Root Mean Square Error) in both models. It is necessary to analyze the GNSS data from coastal areas together and increase time resolution in order to estimate ZWD in various situations.

Implementation of Instruction-Level Disassembler Based on Power Consumption Traces Using CNN (CNN을 이용한 소비 전력 파형 기반 명령어 수준 역어셈블러 구현)

  • Bae, Daehyeon;Ha, Jaecheol
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.30 no.4
    • /
    • pp.527-536
    • /
    • 2020
  • It has been found that an attacker can extract the secret key embedded in a security device and recover the operation instruction using power consumption traces which are some kind of side channel information. Many profiling-based side channel attacks based on a deep learning model such as MLP(Multi-Layer Perceptron) method are recently researched. In this paper, we implemented a disassembler for operation instruction set used in the micro-controller AVR XMEGA128-D4. After measuring the template traces on each instruction, we automatically made the pre-processing process and classified the operation instruction set using a deep learning model CNN. As an experimental result, we showed that all instructions are classified with 87.5% accuracy and some core instructions used frequently in device operation are with 99.6% respectively.

Feature Selection Deep Learning Model considering Time Series Prediction (시계열 예측을 고려한 속성 선택 딥러닝 모델)

  • Park, Kwang Ho;Munkhdalai, Lkhagvadorj;Ryu, Keun Ho
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.05a
    • /
    • pp.509-512
    • /
    • 2021
  • 최근 다양한 시계열 데이터의 분석이 딥러닝 방법을 통하여 수행되고 있다. 주로 RNN과 LSTM을 이용하여 많은 시계열 예측이 이루어지고 있다. 하지만 이러한 예측모델을 생성하는데 가장 중요한 것은 어떠한 변수를 얼마나 사용하는지가 중요하다. 이에 대하여, 본 연구에서는 3개의 신경망을 적용하여, 속성을 선택하는 Selection MLP, 속성에 가중치를 부여하는 Extraction MLP 그리고 예측을 진행하는 Prediction MLP로 이루어진 MLP-SEL 구조를 제안한다. 비교를 위하여 다른 순환 신경망에 대하여 시계열 데이터에 대한 예측을 진행하였으며, 그 결과 우리가 제안한 MLP-SEL 모델의 시계열 예측이 좋은 성능을 보였다.

Development of a Deep Learning Model for Detecting Fake Reviews Using Author Linguistic Features (작성자 언어적 특성 기반 가짜 리뷰 탐지 딥러닝 모델 개발)

  • Shin, Dong Hoon;Shin, Woo Sik;Kim, Hee Woong
    • The Journal of Information Systems
    • /
    • v.31 no.4
    • /
    • pp.01-23
    • /
    • 2022
  • Purpose This study aims to propose a deep learning-based fake review detection model by combining authors' linguistic features and semantic information of reviews. Design/methodology/approach This study used 358,071 review data of Yelp to develop fake review detection model. We employed linguistic inquiry and word count (LIWC) to extract 24 linguistic features of authors. Then we used deep learning architectures such as multilayer perceptron(MLP), long short-term memory(LSTM) and transformer to learn linguistic features and semantic features for fake review detection. Findings The results of our study show that detection models using both linguistic and semantic features outperformed other models using single type of features. In addition, this study confirmed that differences in linguistic features between fake reviewer and authentic reviewer are significant. That is, we found that linguistic features complement semantic information of reviews and further enhance predictive power of fake detection model.

Extraction of the OLED Device Parameter based on Randomly Generated Monte Carlo Simulation with Deep Learning (무작위 생성 심층신경망 기반 유기발광다이오드 흑점 성장가속 전산모사를 통한 소자 변수 추출)

  • You, Seung Yeol;Park, Il-Hoo;Kim, Gyu-Tae
    • Journal of the Semiconductor & Display Technology
    • /
    • v.20 no.3
    • /
    • pp.131-135
    • /
    • 2021
  • Numbers of studies related to optimization of design of organic light emitting diodes(OLED) through machine learning are increasing. We propose the generative method of the image to assess the performance of the device combining with machine learning technique. Principle parameter regarding dark spot growth mechanism of the OLED can be the key factor to determine the long-time performance. Captured images from actual device and randomly generated images at specific time and initial pinhole state are fed into the deep neural network system. The simulation reinforced by the machine learning technique can predict the device parameters accurately and faster. Similarly, the inverse design using multiple layer perceptron(MLP) system can infer the initial degradation factors at manufacturing with given device parameter to feedback the design of manufacturing process.

A deep learning analysis of the Chinese Yuan's volatility in the onshore and offshore markets (딥러닝 분석을 이용한 중국 역내·외 위안화 변동성 예측)

  • Lee, Woosik;Chun, Heuiju
    • Journal of the Korean Data and Information Science Society
    • /
    • v.27 no.2
    • /
    • pp.327-335
    • /
    • 2016
  • The People's Republic of China has vigorously been pursuing the internationalization of the Chinese Yuan or Renminbi after the financial crisis of 2008. In this view, an abrupt increase of use of the Chinese Yuan in the onshore and offshore markets are important milestones to be one of important currencies. One of the most frequently used methods to forecast volatility is GARCH model. Since a prediction error of the GARCH model has been reported quite high, a lot of efforts have been made to improve forecasting capability of the GARCH model. In this paper, we have proposed MLP-GARCH and a DL-GARCH by employing Artificial Neural Network to the GARCH. In an application to forecasting Chinese Yuan volatility, we have successfully shown their overall outperformance in forecasting over the GARCH.

Blood glucose prediction using PPG and DNN in dogs - a pilot study (개의 PPG와 DNN를 이용한 혈당 예측 - 선행연구)

  • Cheol-Gu Park;Sang-Ki Choi
    • Journal of Digital Policy
    • /
    • v.2 no.4
    • /
    • pp.25-32
    • /
    • 2023
  • This paper is a study to develop a deep neural network (DNN) blood glucose prediction model based on heart rate (HR) and heart rate variability (HRV) data measured by PPG-based sensors. MLP deep learning consists of an input layer, a hidden layer, and an output layer with 11 independent variables. The learning results of the blood glucose prediction model are MAE=0.3781, MSE=0.8518, and RMSE=0.9229, and the coefficient of determination (R2) is 0.9994. The study was able to verify the feasibility of glycemic control using non-blood vital signs using PPG-based digital devices. In conclusion, a standardized method of acquiring and interpreting PPG-based vital signs, a large data set for deep learning, and a study to demonstrate the accuracy of the method may provide convenience and an alternative method for blood glucose management in dogs.

Feasibility of Deep Learning Algorithms for Binary Classification Problems (이진 분류문제에서의 딥러닝 알고리즘의 활용 가능성 평가)

  • Kim, Kitae;Lee, Bomi;Kim, Jong Woo
    • Journal of Intelligence and Information Systems
    • /
    • v.23 no.1
    • /
    • pp.95-108
    • /
    • 2017
  • Recently, AlphaGo which is Bakuk (Go) artificial intelligence program by Google DeepMind, had a huge victory against Lee Sedol. Many people thought that machines would not be able to win a man in Go games because the number of paths to make a one move is more than the number of atoms in the universe unlike chess, but the result was the opposite to what people predicted. After the match, artificial intelligence technology was focused as a core technology of the fourth industrial revolution and attracted attentions from various application domains. Especially, deep learning technique have been attracted as a core artificial intelligence technology used in the AlphaGo algorithm. The deep learning technique is already being applied to many problems. Especially, it shows good performance in image recognition field. In addition, it shows good performance in high dimensional data area such as voice, image and natural language, which was difficult to get good performance using existing machine learning techniques. However, in contrast, it is difficult to find deep leaning researches on traditional business data and structured data analysis. In this study, we tried to find out whether the deep learning techniques have been studied so far can be used not only for the recognition of high dimensional data but also for the binary classification problem of traditional business data analysis such as customer churn analysis, marketing response prediction, and default prediction. And we compare the performance of the deep learning techniques with that of traditional artificial neural network models. The experimental data in the paper is the telemarketing response data of a bank in Portugal. It has input variables such as age, occupation, loan status, and the number of previous telemarketing and has a binary target variable that records whether the customer intends to open an account or not. In this study, to evaluate the possibility of utilization of deep learning algorithms and techniques in binary classification problem, we compared the performance of various models using CNN, LSTM algorithm and dropout, which are widely used algorithms and techniques in deep learning, with that of MLP models which is a traditional artificial neural network model. However, since all the network design alternatives can not be tested due to the nature of the artificial neural network, the experiment was conducted based on restricted settings on the number of hidden layers, the number of neurons in the hidden layer, the number of output data (filters), and the application conditions of the dropout technique. The F1 Score was used to evaluate the performance of models to show how well the models work to classify the interesting class instead of the overall accuracy. The detail methods for applying each deep learning technique in the experiment is as follows. The CNN algorithm is a method that reads adjacent values from a specific value and recognizes the features, but it does not matter how close the distance of each business data field is because each field is usually independent. In this experiment, we set the filter size of the CNN algorithm as the number of fields to learn the whole characteristics of the data at once, and added a hidden layer to make decision based on the additional features. For the model having two LSTM layers, the input direction of the second layer is put in reversed position with first layer in order to reduce the influence from the position of each field. In the case of the dropout technique, we set the neurons to disappear with a probability of 0.5 for each hidden layer. The experimental results show that the predicted model with the highest F1 score was the CNN model using the dropout technique, and the next best model was the MLP model with two hidden layers using the dropout technique. In this study, we were able to get some findings as the experiment had proceeded. First, models using dropout techniques have a slightly more conservative prediction than those without dropout techniques, and it generally shows better performance in classification. Second, CNN models show better classification performance than MLP models. This is interesting because it has shown good performance in binary classification problems which it rarely have been applied to, as well as in the fields where it's effectiveness has been proven. Third, the LSTM algorithm seems to be unsuitable for binary classification problems because the training time is too long compared to the performance improvement. From these results, we can confirm that some of the deep learning algorithms can be applied to solve business binary classification problems.