• Title/Summary/Keyword: deep machine learning

Search Result 1,085, Processing Time 0.028 seconds

Deep Learning in Drebin: Android malware Image Texture Median Filter Analysis and Detection

  • Luo, Shi-qi;Ni, Bo;Jiang, Ping;Tian, Sheng-wei;Yu, Long;Wang, Rui-jin
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.13 no.7
    • /
    • pp.3654-3670
    • /
    • 2019
  • This paper proposes an Image Texture Median Filter (ITMF) to analyze and detect Android malware on Drebin datasets. We design a model of "ITMF" combined with Image Processing of Median Filter (MF) to reflect the similarity of the malware binary file block. At the same time, using the MAEVS (Malware Activity Embedding in Vector Space) to reflect the potential dynamic activity of malware. In order to ensure the improvement of the classification accuracy, the above-mentioned features(ITMF feature and MAEVS feature)are studied to train Restricted Boltzmann Machine (RBM) and Back Propagation (BP). The experimental results show that the model has an average accuracy rate of 95.43% with few false alarms. to Android malicious code, which is significantly higher than 95.2% of without ITMF, 93.8% of shallow machine learning model SVM, 94.8% of KNN, 94.6% of ANN.

Developing a Quality Prediction Model for Wireless Video Streaming Using Machine Learning Techniques

  • Alkhowaiter, Emtnan;Alsukayti, Ibrahim;Alreshoodi, Mohammed
    • International Journal of Computer Science & Network Security
    • /
    • v.21 no.3
    • /
    • pp.229-234
    • /
    • 2021
  • The explosive growth of video-based services is considered as the dominant contributor to Internet traffic. Hence it is very important for video service providers to meet the quality expectations of end-users. In the past, the Quality of Service (QoS) was the key performance of networks but it considers only the network performances (e.g., bandwidth, delay, packet loss rate) which fail to give an indication of the satisfaction of users. Therefore, Quality of Experience (QoE) may allow content servers to be smarter and more efficient. This work is motivated by the inherent relationship between the QoE and the QoS. We present a no-reference (NR) prediction model based on Deep Neural Network (DNN) to predict video QoE. The DNN-based model shows a high correlation between the objective QoE measurement and QoE prediction. The performance of the proposed model was also evaluated and compared with other types of neural network architectures, and three known machine learning methodologies, the performance comparison shows that the proposed model appears as a promising way to solve the problems.

Use of multi-hybrid machine learning and deep artificial intelligence in the prediction of compressive strength of concrete containing admixtures

  • Jian, Guo;Wen, Sun;Wei, Li
    • Advances in concrete construction
    • /
    • v.13 no.1
    • /
    • pp.11-23
    • /
    • 2022
  • Conventional concrete needs some improvement in the mechanical properties, which can be obtained by different admixtures. However, making concrete samples costume always time and money. In this paper, different types of hybrid algorithms are applied to develop predictive models for forecasting compressive strength (CS) of concretes containing metakaolin (MK) and fly ash (FA). In this regard, three different algorithms have been used, namely multilayer perceptron (MLP), radial basis function (RBF), and support vector machine (SVR), to predict CS of concretes by considering most influencers input variables. These algorithms integrated with the grey wolf optimization (GWO) algorithm to increase the model's accuracy in predicting (GWMLP, GWRBF, and GWSVR). The proposed MLP models were implemented and evaluated in three different layers, wherein each layer, GWO, fitted the best neuron number of the hidden layer. Correspondingly, the key parameters of the SVR model are identified using the GWO method. Also, the optimization algorithm determines the hidden neurons' number and the spread value to set the RBF structure. The results show that the developed models all provide accurate predictions of the CS of concrete incorporating MK and FA with R2 larger than 0.9972 and 0.9976 in the learning and testing stage, respectively. Regarding GWMLP models, the GWMLP1 model outperforms other GWMLP networks. All in all, GWSVR has the worst performance with the lowest indices, while the highest score belongs to GWRBF.

A Novel on Auto Imputation and Analysis Prediction Model of Data Missing Scope based on Machine Learning (머신러닝기반의 데이터 결측 구간의 자동 보정 및 분석 예측 모델에 대한 연구)

  • Jung, Se-Hoon;Lee, Han-Sung;Kim, Jun-Yeong;Sim, Chun-Bo
    • Journal of Korea Multimedia Society
    • /
    • v.25 no.2
    • /
    • pp.257-268
    • /
    • 2022
  • When there is a missing value in the raw data, if ignore the missing values and proceed with the analysis, the accuracy decrease due to the decrease in the number of sample. The method of imputation and analyzing patterns and significant values can compensate for the problem of lower analysis quality and analysis accuracy as a result of bias rather than simply removing missing values. In this study, we proposed to study irregular data patterns and missing processing methods of data using machine learning techniques for the study of correction of missing values. we would like to propose a plan to replace the missing with data from a similar past point in time by finding the situation at the time when the missing data occurred. Unlike previous studies, data correction techniques present new algorithms using DNN and KNN-MLE techniques. As a result of the performance evaluation, the ANAE measurement value compared to the existing missing section correction algorithm confirmed a performance improvement of about 0.041 to 0.321.

Sentiment Analysis of COVID-19 Vaccination in Saudi Arabia

  • Sawsan Alowa;Lama Alzahrani;Noura Alhakbani;Hend Alrasheed
    • International Journal of Computer Science & Network Security
    • /
    • v.23 no.2
    • /
    • pp.13-30
    • /
    • 2023
  • Since the COVID-19 vaccine became available, people have been sharing their opinions on social media about getting vaccinated, causing discussions of the vaccine to trend on Twitter alongside certain events, making the website a rich data source. This paper explores people's perceptions regarding the COVID-19 vaccine during certain events and how these events influenced public opinion about the vaccine. The data consisted of tweets sent during seven important events that were gathered within 14 days of the first announcement of each event. These data represent people's reactions to these events without including irrelevant tweets. The study targeted tweets sent in Arabic from users located in Saudi Arabia. The data were classified as positive, negative, or neutral in tone. Four classifiers were used-support vector machine (SVM), naïve Bayes (NB), logistic regression (LOGR), and random forest (RF)-in addition to a deep learning model using BiLSTM. The results showed that the SVM achieved the highest accuracy, at 91%. Overall perceptions about the COVID-19 vaccine were 54% negative, 36% neutral, and 10% positive.

Siamese Neural Networks to Overcome the Insufficient Data Problems in Product Defect Detection (제품 결함 탐지에서 데이터 부족 문제를 극복하기 위한 샴 신경망의 활용)

  • Shin, Kang-hyeon;Jin, Kyo-hong
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.05a
    • /
    • pp.108-111
    • /
    • 2022
  • Applying deep learning to machine vision systems for defect detection of products requires vast amounts of training data about various defect cases. However, since data imbalance occurs according to the type of defect in the actual manufacturing industry, it takes a lot of time to collect product images enough to generalize defect cases. In this paper, we apply a Siamese neural network that can be learned with even a small amount of data to product defect detection, and modify the image pairing method and contrastive loss function by properties the situation of product defect image data. We indirectly evaluated the embedding performance of Siamese neural networks using AUC-ROC, and it showed good performance when the images only paired among same products, not paired among defective products, and learned with exponential contrastive loss.

  • PDF

Design Neural Machine Translation Model Combining External Symbolic Knowledge (심볼릭 지식 정보를 결합한 뉴럴기계번역 모델 설계)

  • Eo, Sugyeong;Park, Chanjun;Lim, Heuiseok
    • Annual Conference on Human and Language Technology
    • /
    • 2020.10a
    • /
    • pp.529-534
    • /
    • 2020
  • 인공신경망 기반 기계번역(Neural Machine Translation, NMT)이란 딥러닝(Deep learning)을 이용하여 출발 언어의 문장을 도착 언어 문장으로 번역해주는 시스템을 일컫는다. NMT는 종단간 학습(end-to-end learning)을 이용하여 기존 기계번역 방법론의 성능을 앞지르며 기계번역의 주요 방법론으로 자리잡게 됐다. 이러한 발전에도 불구하고 여전히 개체(entity), 또는 전문 용어(terminological expressions)의 번역은 미해결 과제로 남아있다. 개체나 전문 용어는 대부분 명사로 구성되는데 문장 내 명사는 주체, 객체 등의 역할을 하는 중요한 요소이므로 이들의 정확한 번역이 문장 전체의 번역 성능 향상으로 이어질 수 있다. 따라서 본 논문에서는 지식그래프(Knowledge Graph)를 이용하여 심볼릭 지식을 NMT와 결합한 뉴럴심볼릭 방법론을 제안한다. 또한 지식그래프를 활용하여 NMT의 성능을 높인 선행 연구 방법론을 한영 기계번역에 이용할 수 있도록 구조를 설계한다.

  • PDF

Damage Detection and Classification System for Sewer Inspection using Convolutional Neural Networks based on Deep Learning (CNN을 이용한 딥러닝 기반 하수관 손상 탐지 분류 시스템)

  • Hassan, Syed Ibrahim;Dang, Lien-Minh;Im, Su-hyeon;Min, Kyung-bok;Nam, Jun-young;Moon, Hyeon-joon
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.22 no.3
    • /
    • pp.451-457
    • /
    • 2018
  • We propose an automatic detection and classification system of sewer damage database based on artificial intelligence and deep learning. In order to optimize the performance, we implemented a robust system against various environmental variations such as illumination and shadow changes. In our proposed system, a crack detection and damage classification method using a deep learning based Convolutional Neural Network (CNN) is implemented. For optimal results, 9,941 CCTV images with $256{\times}256$ pixel resolution were used for machine learning on the damaged area based on the CNN model. As a result, the recognition rate of 98.76% was obtained. Total of 646 images of $720{\times}480$ pixel resolution were extracted from various sewage DB for performance evaluation. Proposed system presents the optimal recognition rate for the automatic detection and classification of damage in the sewer DB constructed in various environments.

Machine Scheduling Models Based on Reinforcement Learning for Minimizing Due Date Violation and Setup Change (납기 위반 및 셋업 최소화를 위한 강화학습 기반의 설비 일정계획 모델)

  • Yoo, Woosik;Seo, Juhyeok;Kim, Dahee;Kim, Kwanho
    • The Journal of Society for e-Business Studies
    • /
    • v.24 no.3
    • /
    • pp.19-33
    • /
    • 2019
  • Recently, manufacturers have been struggling to efficiently use production equipment as their production methods become more sophisticated and complex. Typical factors hindering the efficiency of the manufacturing process include setup cost due to job change. Especially, in the process of using expensive production equipment such as semiconductor / LCD process, efficient use of equipment is very important. Balancing the tradeoff between meeting the deadline and minimizing setup cost incurred by changes of work type is crucial planning task. In this study, we developed a scheduling model to achieve the goal of minimizing the duedate and setup costs by using reinforcement learning in parallel machines with duedate and work preparation costs. The proposed model is a Deep Q-Network (DQN) scheduling model and is a reinforcement learning-based model. To validate the effectiveness of our proposed model, we compared it against the heuristic model and DNN(deep neural network) based model. It was confirmed that our proposed DQN method causes less due date violation and setup costs than the benchmark methods.

Comparison of Korean Classification Models' Korean Essay Score Range Prediction Performance (한국어 학습 모델별 한국어 쓰기 답안지 점수 구간 예측 성능 비교)

  • Cho, Heeryon;Im, Hyeonyeol;Yi, Yumi;Cha, Junwoo
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.11 no.3
    • /
    • pp.133-140
    • /
    • 2022
  • We investigate the performance of deep learning-based Korean language models on a task of predicting the score range of Korean essays written by foreign students. We construct a data set containing a total of 304 essays, which include essays discussing the criteria for choosing a job ('job'), conditions of a happy life ('happ'), relationship between money and happiness ('econ'), and definition of success ('succ'). These essays were labeled according to four letter grades (A, B, C, and D), and a total of eleven essay score range prediction experiments were conducted (i.e., five for predicting the score range of 'job' essays, five for predicting the score range of 'happiness' essays, and one for predicting the score range of mixed topic essays). Three deep learning-based Korean language models, KoBERT, KcBERT, and KR-BERT, were fine-tuned using various training data. Moreover, two traditional probabilistic machine learning classifiers, naive Bayes and logistic regression, were also evaluated. Experiment results show that deep learning-based Korean language models performed better than the two traditional classifiers, with KR-BERT performing the best with 55.83% overall average prediction accuracy. A close second was KcBERT (55.77%) followed by KoBERT (54.91%). The performances of naive Bayes and logistic regression classifiers were 52.52% and 50.28% respectively. Due to the scarcity of training data and the imbalance in class distribution, the overall prediction performance was not high for all classifiers. Moreover, the classifiers' vocabulary did not explicitly capture the error features that were helpful in correctly grading the Korean essay. By overcoming these two limitations, we expect the score range prediction performance to improve.