• Title/Summary/Keyword: SVM 모델

Search Result 395, Processing Time 0.024 seconds

Machine Learning Based Structural Health Monitoring System using Classification and NCA (분류 알고리즘과 NCA를 활용한 기계학습 기반 구조건전성 모니터링 시스템)

  • Shin, Changkyo;Kwon, Hyunseok;Park, Yurim;Kim, Chun-Gon
    • Journal of Advanced Navigation Technology
    • /
    • v.23 no.1
    • /
    • pp.84-89
    • /
    • 2019
  • This is a pilot study of machine learning based structural health monitoring system using flight data of composite aircraft. In this study, the most suitable machine learning algorithm for structural health monitoring was selected and dimensionality reduction method for application on the actual flight data was conducted. For these tasks, impact test on the cantilever beam with added mass, which is the simulation of damage in the aircraft wing structure was conducted and classification model for damage states (damage location and level) was trained. Through vibration test of cantilever beam with fiber bragg grating (FBG) sensor, data of normal and 12 damaged states were acquired, and the most suitable algorithm was selected through comparison between algorithms like tree, discriminant, support vector machine (SVM), kNN, ensemble. Besides, through neighborhood component analysis (NCA) feature selection, dimensionality reduction which is necessary to deal with high dimensional flight data was conducted. As a result, quadratic SVMs performed best with 98.7% for without NCA and 95.9% for with NCA. It is also shown that the application of NCA improved prediction speed, training time, and model memory.

Prediction of Soil Moisture with Open Source Weather Data and Machine Learning Algorithms (공공 기상데이터와 기계학습 모델을 이용한 토양수분 예측)

  • Jang, Young-bin;Jang, Ik-hoon;Choe, Young-chan
    • Korean Journal of Agricultural and Forest Meteorology
    • /
    • v.22 no.1
    • /
    • pp.1-12
    • /
    • 2020
  • As one of the essential resources in the agricultural process, soil moisture has been carefully managed by predicting future changes and deficits. In recent years, statistics and machine learning based approach to predict soil moisture has been preferred in academia for its generalizability and ease of use in the field. However, little is known that machine learning based soil moisture prediction is applicable in the situation of South Korea. In this sense, this paper aims to examine 1) whether publicly available weather data generated in South Korea has sufficient quality to predict soil moisture, 2) which machine learning algorithm would perform best in the situation of South Korea, and 3) whether a single machine learning model could be generally applicable in various regions. We used various machine learning methods such as Support Vector Machines (SVM), Random Forest (RF), Extremely Randomized Trees (ET), Gradient Boosting Machines (GBM), and Deep Feedforward Network (DFN) to predict future soil moisture in Andong, Boseong, Cheolwon, Suncheon region with open source weather data. As a result, GBM model showed the lowest prediction error in every data set we used (R squared: 0.96, RMSE: 1.8). Furthermore, GBM showed the lowest variance of prediction error between regions which indicates it has the highest generalizability.

A Practical Feature Extraction for Improving Accuracy and Speed of IDS Alerts Classification Models Based on Machine Learning (기계학습 기반 IDS 보안이벤트 분류 모델의 정확도 및 신속도 향상을 위한 실용적 feature 추출 연구)

  • Shin, Iksoo;Song, Jungsuk;Choi, Jangwon;Kwon, Taewoong
    • Journal of the Korea Institute of Information Security & Cryptology
    • /
    • v.28 no.2
    • /
    • pp.385-395
    • /
    • 2018
  • With the development of Internet, cyber attack has become a major threat. To detect cyber attacks, intrusion detection system(IDS) has been widely deployed. But IDS has a critical weakness which is that it generates a large number of false alarms. One of the promising techniques that reduce the false alarms in real time is machine learning. However, there are problems that must be solved to use machine learning. So, many machine learning approaches have been applied to this field. But so far, researchers have not focused on features. Despite the features of IDS alerts are important for performance of model, the approach to feature is ignored. In this paper, we propose new feature set which can improve the performance of model and can be extracted from a single alarm. New features are motivated from security analyst's know-how. We trained and tested the proposed model applied new feature set with real IDS alerts. Experimental results indicate the proposed model can achieve better accuracy and false positive rate than SVM model with ordinary features.

Predicting Corporate Bankruptcy using Simulated Annealing-based Random Fores (시뮬레이티드 어니일링 기반의 랜덤 포레스트를 이용한 기업부도예측)

  • Park, Hoyeon;Kim, Kyoung-jae
    • Journal of Intelligence and Information Systems
    • /
    • v.24 no.4
    • /
    • pp.155-170
    • /
    • 2018
  • Predicting a company's financial bankruptcy is traditionally one of the most crucial forecasting problems in business analytics. In previous studies, prediction models have been proposed by applying or combining statistical and machine learning-based techniques. In this paper, we propose a novel intelligent prediction model based on the simulated annealing which is one of the well-known optimization techniques. The simulated annealing is known to have comparable optimization performance to the genetic algorithms. Nevertheless, since there has been little research on the prediction and classification of business decision-making problems using the simulated annealing, it is meaningful to confirm the usefulness of the proposed model in business analytics. In this study, we use the combined model of simulated annealing and machine learning to select the input features of the bankruptcy prediction model. Typical types of combining optimization and machine learning techniques are feature selection, feature weighting, and instance selection. This study proposes a combining model for feature selection, which has been studied the most. In order to confirm the superiority of the proposed model in this study, we apply the real-world financial data of the Korean companies and analyze the results. The results show that the predictive accuracy of the proposed model is better than that of the naïve model. Notably, the performance is significantly improved as compared with the traditional decision tree, random forests, artificial neural network, SVM, and logistic regression analysis.

A Study on Atmospheric Data Anomaly Detection Algorithm based on Unsupervised Learning Using Adversarial Generative Neural Network (적대적 생성 신경망을 활용한 비지도 학습 기반의 대기 자료 이상 탐지 알고리즘 연구)

  • Yang, Ho-Jun;Lee, Seon-Woo;Lee, Mun-Hyung;Kim, Jong-Gu;Choi, Jung-Mu;Shin, Yu-mi;Lee, Seok-Chae;Kwon, Jang-Woo;Park, Ji-Hoon;Jung, Dong-Hee;Shin, Hye-Jung
    • Journal of Convergence for Information Technology
    • /
    • v.12 no.4
    • /
    • pp.260-269
    • /
    • 2022
  • In this paper, We propose an anomaly detection model using deep neural network to automate the identification of outliers of the national air pollution measurement network data that is previously performed by experts. We generated training data by analyzing missing values and outliers of weather data provided by the Institute of Environmental Research and based on the BeatGAN model of the unsupervised learning method, we propose a new model by changing the kernel structure, adding the convolutional filter layer and the transposed convolutional filter layer to improve anomaly detection performance. In addition, by utilizing the generative features of the proposed model to implement and apply a retraining algorithm that generates new data and uses it for training, it was confirmed that the proposed model had the highest performance compared to the original BeatGAN models and other unsupervised learning model like Iforest and One Class SVM. Through this study, it was possible to suggest a method to improve the anomaly detection performance of proposed model while avoiding overfitting without additional cost in situations where training data are insufficient due to various factors such as sensor abnormalities and inspections in actual industrial sites.

Recommendation of User Preferred Clothes using Support Vector Machine (Support Vector Machine을 이용한 개인 사용자 선호 의상 추천)

  • Kang, Han-Hoon;Yoo, Seong-Joon
    • Proceedings of the Korean Information Science Society Conference
    • /
    • 2006.10c
    • /
    • pp.240-245
    • /
    • 2006
  • 본 논문에서는 의상에 대한 사용자 선호도를 찾아내는 기법에 대하여 기술한다. 의상에 대한 사용자 선호도를 찾기 위해서 의상 데이터에 대해 데이터 모델을 새롭게 제안한다. 이 데이터 모델을 기반으로 사용자의 의상관련 히스토리를 저장한다. 이렇게 저장된 히스토리 정보에 기계 학습 기법 중 최근 각광받고 있는 SVM 기법을 적용하여 사용자 선호도를 찾아내도록 하였다. 이 결과를 다른 학습 기법인 Naive Bayes 기법을 사용하여 의상에 대한 사용자 선호도를 검색한 성능과 비교하여 우리 모델이 더 좋다는 것을 확인하였다. 우리는 5명의 사용자에 대해서 동일한 취향을 갖는 사용자가 몇 명인지에 따라 A(모두 다름), B(2명), C(3명), D(4명), E(모두 같음) 형태별, 사용자별 1000건의 히스토리를 일정한 기준에 따라 생성했다. 그리고 이 중에서 900건을 학습용 데이터, 100건을 검증용 데이터로 선정하여 실험이 진행되었다.

  • PDF

On-line Signature Verification Using Fusion Of Segment Matching and HMM (구간 분할 및 HMM 기반 융합 모델에 의한 온라인 서명 검증)

  • 양동화;이대종;전명근
    • Proceedings of the Korean Institute of Intelligent Systems Conference
    • /
    • 2004.10a
    • /
    • pp.271-274
    • /
    • 2004
  • 기존의 참조서명과 입력서명을 비교하는 방법 중 분절 단위 비교 방법은 전역적 방법과 점단위 방법에 비하여 우수한 장점을 가지고 있다. 그러나 분절 단위 비교 방법은 인식률과 직접적인 관계가 있는 분절의 불안정 문제점이 있다. 본 연구에서는 분절 단위 비교 방법을 이용한 서명검증의 신뢰도를 향상시키기 위해 두 가지 형태의 모델을 구축하였다. 우선 기존에 사용된 구간 분할 매칭 방법을 사용하여 매칭도를 산출하였다. 다음으로 서명의 분할된 영역을 주성분 분석 기법에 의해 특징 벡터를 산출한 후 HMM에 의해 서명 모델을 구축하였다. 산출된 두 특징을 융합하는 방법으로는 SVM 분류기를 사용하였다 실험 결과 제안된 기법은 분절 단위 기반의 구간분할매칭 기법에 비해 우수한 성능을 나타냈다.

  • PDF

Development of a Resignation Prediction Model using HR Data (HR 데이터 기반의 퇴사 예측 모델 개발)

  • PARK, YUNJUNG;Lee, Do-Gil
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.05a
    • /
    • pp.297-300
    • /
    • 2021
  • 대부분의 기업에서는 우수한 인적 자원의 유출을 방지하기 위해 직원들이 이직 및 퇴사하는 이유를 연구한다. 이에 기업은 직원이 퇴사하기 전에 면담을 하거나 설문조사를 통해서 연구에 필요한 데이터를 얻는다. 하지만 설문조사에서는 직원들이 직장 생활을 하는 데에 불리할 수도 있는 의견을 드러내려고 하지 않아 정확한 결과를 얻기 힘든 것이 현실이다. 한편, 한국노동연구원에서 발표한 자료에 따르면 기업이 요구하는 최소 학력 수준과 직원의 학력 수준 간의 차이가 클수록 이직 경향이 커진다. 따라서 본 연구에서는 한국노동연구원의 자료에 착안하여, 직원이 가지고 있는 객관적 데이터인 전공, 교육수준, 재직 중인 회사 유형 등의 데이터를 기반으로 직원의 퇴사 여부를 예측하고자 한다. 퇴사 예측 모델을 생성하기 위해 Decision Tree, XGBoost, kNN, SVM을 활용하였으며 각각의 성능을 비교했다. 이 결과, 지금까지 설문조사로 진행되었던 연구에서 파악하지 못한 다양한 요인을 알아낼 수 있었다. 이를 통해 기업이 퇴사 예측 모델을 이용하여 직원이 퇴사하기 전에 미리 이를 인지하고 방지하는 데에 도움을 줄 수 있을 것으로 예상된다.

BERT with subword units for Korean Morphological Analysis (BERT에 기반한 Subword 단위 한국어 형태소 분석)

  • Min, Jin-Woo;Na, Seung-Hoon;Sin, Jong-Hun;Kim, Young-Kil
    • Annual Conference on Human and Language Technology
    • /
    • 2019.10a
    • /
    • pp.37-40
    • /
    • 2019
  • 한국어 형태소 분석은 입력된 문장 내의 어절들을 지니는 최소의 단위인 형태소로 분리하고 품사 부착하는 작업을 의미한다. 기존 한국어 형태소 분석 방법은 음절 기반 연구가 주를 이루고 이를 순차 태깅 문제로 보고 SVM, CRF혹은 Bi-LSTM-CRF 등을 이용하거나 특정 음절에서 형태소의 경계를 결정하는 전이 기반 모델을 통해 분석하는 모델 등이 연구되었다. 최근 자연어 처리 연구에서 대용량 코퍼스로부터 문맥을 고려한 BERT 등의 언어 모델을 활용한 연구가 각광받고 있다. 본 논문에서는 음절 단위가 아닌 BERT를 이용한 Sub-word 기반 형태소 분석 방법을 제안하고 기분석 사전을 통해 분석하는 과정을 거쳐 세종 한국어 형태소 분석 데이터 셋에서 형태소 단위 F1 : 95.22%, 어절 정확도 : 93.90%의 성능을 얻었다.

  • PDF

Application and Analysis of Machine Learning for Discriminating Image Copyright (이미지 저작권 판별을 위한 기계학습 적용과 분석)

  • Kim, Sooin;Lee, Sangwoo;Kim, Hakhee;Kim, Wongyum;Hwang, Doosung
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2021.11a
    • /
    • pp.899-902
    • /
    • 2021
  • 본 논문은 이미지 저작권 유무 판별을 분류 문제로 정의하고 기계학습과 합성곱 신경망 모델을 적용하여 해결한다. 학습을 위해 입력 데이터를 고정된 크기로 변환하고 정규화 과정을 수행하여 학습 데이터셋을 준비한다. 저작권 유무 판별 실험에서 SVM, k-NN, 랜덤포레스트, VGG-Net 모델의 분류 성능을 비교 분석한다. VGG-Net C 모델의 결과가 다른 알고리즘과 비교 시 10.65% 높은 성능을 나타냈으며 배치 정규화 층을 이용하여 과적합 현상을 개선했다.