• 제목/요약/키워드: Naive Bayes Model

검색결과 96건 처리시간 0.023초

A Novel Classification Model for Employees Turnover Using Neural Network for Enhancing Job Satisfaction in Organizations

  • Tarig Mohamed Ahmed
    • International Journal of Computer Science & Network Security
    • /
    • 제23권7호
    • /
    • pp.71-78
    • /
    • 2023
  • Employee turnover is one of the most important challenges facing modern organizations. It causes job experiences and skills such as distinguished faculty members in universities, rare-specialized doctors, innovative engineers, and senior administrators. HR analytics has enhanced the area of data analytics to an extent that institutions can figure out their employees' characteristics; where inaccuracy leads to incorrect decision making. This paper aims to develop a novel model that can help decision-makers to classify the problem of Employee Turnover. By using feature selection methods: Information Gain and Chi-Square, the most important four features have been extracted from the dataset. These features are over time, job level, salary, and years in the organization. As one of the important results of this research, these features should be planned carefully to keep organizations their employees as valuable assets. The proposed model based on machine learning algorithms. Classification algorithms were used to implement the model such as Decision Tree, SVM, Random Frost, Neuronal Network, and Naive Bayes. The model was trained and tested by using a dataset that consists of 1470 records and 25 features. To develop the research model, many experiments had been conducted to find the best one. Based on implementation results, the Neural Network algorithm is selected as the best one with an Accuracy of 84 percents and AUC (ROC) 74 percents. By validation mechanism, the model is acceptable and reliable to help origination decision-makers to manage their employees in a good manner.

연관성 규칙 기반 영양소를 이용한 골다공증 예측 모델 (Prediction model of osteoporosis using nutritional components based on association)

  • 유정훈;이범주
    • 문화기술의 융합
    • /
    • 제6권3호
    • /
    • pp.457-462
    • /
    • 2020
  • 골다공증은 주로 노인에서 나타나는 질병으로써 뼈 질량 및 조직의 구조적 악화에 따라 골절의 위험을 증가시킨다. 본 연구의 목적은 영양소 성분과 골다공증과의 연관성을 파악하고, 영양소 성분을 기반으로 골다공증을 예측하는 모델을 생성 및 평가하는 것이다. 실험방법으로 binary logistic regression을 이용하여 연관성분석을 수행하였고, naive Bayes 알고리즘과 variable subset selection 메소드를 이용하여 예측 모델을 생성하였다. 단일 변수들에 대한 분석결과는 남성에서 식품섭취량과 비타민 B2가 골다공증을 예측하는데 가장 높은 the area under the receiver operating characteristic curve (AUC)값을 나타내었다. 여성에서는 단일불포화지방산이 가장 높은 AUC값을 나타내었다. 여성 골다공증 예측모델에서는 Correlation based feature subset 및 wrapper 기반 feature subset 메소드를 이용하여 생성된 모델이 0.662의 AUC 값을 얻었다. 남성에서 전체변수를 이용한 모델은 0.626의 AUC를 얻었고, 그외 남성 모델들에서는 민감도와 1-특이도에서 예측 성능이 매우 낮았다. 이러한 연구결과는 향후 골다공증 치료 및 예방을 위한 기반정보로 활용할수 있을 것으로 기대된다.

앙상블 베이지안망에 의한 유전자발현데이터 분류 (Classification of Gene Expression Data by Ensemble of Bayesian Networks)

  • 황규백;장정호;장병탁
    • 한국정보과학회:학술대회논문집
    • /
    • 한국정보과학회 2003년도 봄 학술발표논문집 Vol.30 No.1 (B)
    • /
    • pp.434-436
    • /
    • 2003
  • DNA칩 기술로 얻어지는 유전자발현데이터(gene expression data)는 생채 조직이나 세포의 수천개에 달하는 유전자의 발현량(expression level)을 측정한 것으로, 유전자발현양상(gene expression pattern)에 기반한 암 종류의 분류 등에 유용하다. 본 논문에서는 확률그래프모델(probabilistic graphical model)의 하나인 베이지안망(Bayesian network)을 발현데이터의 분류에 적응하며, 분류 성능을 높이기 위해 베이지안망의 앙상블(ensemble of Bayesian networks)을 구성한다. 실험은 실제 암 조직에서 추출된 유전자발현데이터에 대해 행해졌다 실험 결과, 앙상블 베이지안망의 분류 정확도는 단일 베이지안망보다 높았으며, naive Bayes 분류기, 신경망, support vector machine(SVM) 등과 대등한 성능을 보였다.

  • PDF

문서 분류 알고리즘을 이용한 한국어 스팸 문서 분류 성능 비교 (Comparing Korean Spam Document Classification Using Document Classification Algorithms)

  • 송철환;유성준
    • 한국정보과학회:학술대회논문집
    • /
    • 한국정보과학회 2006년도 가을 학술발표논문집 Vol.33 No.2 (C)
    • /
    • pp.222-225
    • /
    • 2006
  • 한국은 다른 나라에 비해 많은 인터넷 사용자를 가지고 있다. 이에 비례해서 한국의 인터넷 유저들은 Spam Mail에 대해 많은 불편함을 호소하고 있다. 이러한 문제를 해결하기 위해 본 논문은 다양한 Feature Weighting, Feature Selection 그리고 문서 분류 알고리즘들을 이용한 한국어 스팸 문서 Filtering연구에 대해 기술한다. 그리고 한국어 문서(Spam/Non-Spam 문서)로부터 영사를 추출하고 이를 각 분류 알고리즘의 Input Feature로써 이용한다. 그리고 우리는 Feature weighting 에 대해 기존의 전통적인 방법이 아니라 각 Feature에 대해 Variance 값을 구하고 Global Feature를 선택하기 위해 Max Value Selection 방법에 적용 후에 전통적인 Feature Selection 방법인 MI, IG, CHI 들을 적용하여 Feature들을 추출한다. 이렇게 추출된 Feature들을 Naive Bayes, Support Vector Machine과 같은 분류 알고리즘에 적용한다. Vector Space Model의 경우에는 전통적인 방법 그대로 사용한다. 그 결과 우리는 Support Vector Machine Classifier, TF-IDF Variance Weighting(Combined Max Value Selection), CHI Feature Selection 방법을 사용할 경우 Recall(99.4%), Precision(97.4%), F-Measure(98.39%)의 성능을 보였다.

  • PDF

메타데이터를 활용한 조사자료의 문서범주화에 관한 연구 (An Exploratory Study on Survey Data Categorization using DDI metadata)

  • 박자현;송민
    • 한국정보관리학회:학술대회논문집
    • /
    • 한국정보관리학회 2012년도 제19회 학술대회 논문집
    • /
    • pp.73-76
    • /
    • 2012
  • 본 연구는 DDI 메타데이터를 활용하여 귀납적 학습모델(supervised learning model)의 문서범주화 실험을 수행함으로써 조사자료의 체계적이고 효율적인 분류작업을 설계하는데 그 목적이 있다. 구체적으로 조사자료의 DDI 메타데이터를 대상으로 단순 TF 가중치, TF-IDF 가중치, Okapi TF 가중치에 따른 나이브 베이즈(Naive Bayes), kNN(k nearest neighbor), 결정트리(Decision tree) 분류기의 성능비교 실험을 하였다. 그 결과, 나이브 베이즈가 가장 좋은 성능을 보였으며, 단순 TF 가중치와 TF-IDF 가중치는 나이브 베이즈, kNN, 결정트리 분류기에서 동일한 성능을 보였으나, Okapi TF 가중치의 경우 나이브 베이즈에서 가장 좋은 성능을 보였다.

  • PDF

자동문서분류를 위한 텐서공간모델 기반 심층 신경망 (A Tensor Space Model based Deep Neural Network for Automated Text Classification)

  • 임푸름;김한준
    • 데이타베이스연구회지:데이타베이스연구
    • /
    • 제34권3호
    • /
    • pp.3-13
    • /
    • 2018
  • 자동문서분류(Text Classification)는 주어진 텍스트 문서를 이에 적합한 카테고리로 분류하는 텍스트 마이닝 기술 중의 하나로서 스팸메일 탐지, 뉴스분류, 자동응답, 감성분석, 쳇봇 등 다양한 분야에 활용되고 있다. 일반적으로 자동문서분류 시스템은 기계학습 알고리즘을 활용하며, 이 중에서 텍스트 데이터에 적합한 알고리즘인 나이브베이즈(Naive Bayes), 지지벡터머신(Support Vector Machine) 등이 합리적 수준의 성능을 보이는 것으로 알려져 있다. 최근 딥러닝 기술의 발전에 따라 자동문서분류 시스템의 성능을 개선하기 위해 순환신경망(Recurrent Neural Network)과 콘볼루션 신경망(Convolutional Neural Network)을 적용하는 연구가 소개되고 있다. 그러나 이러한 최신 기법들이 아직 완벽한 수준의 문서분류에는 미치지 못하고 있다. 본 논문은 그 이유가 텍스트 데이터가 단어 차원 중심의 벡터로 표현되어 텍스트에 내재한 의미 정보를 훼손하는데 주목하고, 선행 연구에서 그 효능이 검증된 시멘틱 텐서공간모델에 기반하여 심층 신경망 아키텍처를 제안하고 이를 활용한 문서분류기의 성능이 대폭 상승함을 보인다.

A study on Classification of Insider threat using Markov Chain Model

  • Kim, Dong-Wook;Hong, Sung-Sam;Han, Myung-Mook
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제12권4호
    • /
    • pp.1887-1898
    • /
    • 2018
  • In this paper, a method to classify insider threat activity is introduced. The internal threats help detecting anomalous activity in the procedure performed by the user in an organization. When an anomalous value deviating from the overall behavior is displayed, we consider it as an inside threat for classification as an inside intimidator. To solve the situation, Markov Chain Model is employed. The Markov Chain Model shows the next state value through an arbitrary variable affected by the previous event. Similarly, the current activity can also be predicted based on the previous activity for the insider threat activity. A method was studied where the change items for such state are defined by a transition probability, and classified as detection of anomaly of the inside threat through values for a probability variable. We use the properties of the Markov chains to list the behavior of the user over time and to classify which state they belong to. Sequential data sets were generated according to the influence of n occurrences of Markov attribute and classified by machine learning algorithm. In the experiment, only 15% of the Cert: insider threat dataset was applied, and the result was 97% accuracy except for NaiveBayes. As a result of our research, it was confirmed that the Markov Chain Model can classify insider threats and can be fully utilized for user behavior classification.

다양한 기계학습 기법의 암상예측 적용성 비교 분석 (Comparative Application of Various Machine Learning Techniques for Lithology Predictions)

  • 정진아;박은규
    • 한국지하수토양환경학회지:지하수토양환경
    • /
    • 제21권3호
    • /
    • pp.21-34
    • /
    • 2016
  • In the present study, we applied various machine learning techniques comparatively for prediction of subsurface structures based on multiple secondary information (i.e., well-logging data). The machine learning techniques employed in this study are Naive Bayes classification (NB), artificial neural network (ANN), support vector machine (SVM) and logistic regression classification (LR). As an alternative model, conventional hidden Markov model (HMM) and modified hidden Markov model (mHMM) are used where additional information of transition probability between primary properties is incorporated in the predictions. In the comparisons, 16 boreholes consisted with four different materials are synthesized, which show directional non-stationarity in upward and downward directions. Futhermore, two types of the secondary information that is statistically related to each material are generated. From the comparative analysis with various case studies, the accuracies of the techniques become degenerated with inclusion of additive errors and small amount of the training data. For HMM predictions, the conventional HMM shows the similar accuracies with the models that does not relies on transition probability. However, the mHMM consistently shows the highest prediction accuracy among the test cases, which can be attributed to the consideration of geological nature in the training of the model.

Human Normalization Approach based on Disease Comparative Prediction Model between Covid-19 and Influenza

  • Janghwan Kim;Min-Yong Jung;Da-Yun Lee;Na-Hyeon Cho;Jo-A Jin;R. Young-Chul Kim
    • International Journal of Internet, Broadcasting and Communication
    • /
    • 제15권3호
    • /
    • pp.32-42
    • /
    • 2023
  • There are serious problems worldwide, such as a pandemic due to an unprecedented infection caused by COVID-19. On previous approaches, they invented medical vaccines and preemptive testing tools for medical engineering. However, it is difficult to access poor medical systems and medical institutions due to disparities between countries and regions. In advanced nations, the damage was even greater due to high medical and examination costs because they did not go to the hospital. Therefore, from a software engineering-based perspective, we propose a learning model for determining coronavirus infection through symptom data-based software prediction models and tools. After a comparative analysis of various models (decision tree, Naive Bayes, KNN, multi-perceptron neural network), we decide to choose an appropriate decision tree model. Due to a lack of data, additional survey data and overseas symptom data are applied and built into the judgment model. To protect from thiswe also adapt human normalization approach with traditional Korean medicin approach. We expect to be possible to determine coronavirus, flu, allergy, and cold without medical examination and diagnosis tools through data collection and analysis by applying decision trees.

모바일 컨텍스트 기반 사용자 행동패턴 추론과 음식점 추천 모델 (Mobile Context Based User Behavior Pattern Inference and Restaurant Recommendation Model)

  • 안병익;정구임;최혜림
    • 디지털콘텐츠학회 논문지
    • /
    • 제18권3호
    • /
    • pp.535-542
    • /
    • 2017
  • 유비쿼터스 컴퓨팅은 사용자의 위치, 상태, 행동정보, 주변 상황 등의 컨텍스트를 인식할 수 있게 하였는데 이로 인해 사용자에게 필요한 서비스를 빠르고 정확하게 제공해 줄 수 있게 되었다. 이와 같은 개인화 추천 서비스는 사용자의 컨텍스트 정보를 인식하고 해석하는 추론기술이 필요한데 본 논문에서는 실생활과 가장 밀접한 음식점을 날씨, 시간, 요일, 위치의 모바일 컨텍스트 데이터를 기반으로 행동 패턴을 추론하여 추천하는 모델을 연구한다. 연구를 위해 자사에서 직접 서비스 하고 있는 사용자 평가 기반 음식점 추천 서비스의 장소와 사용자 생성 데이터를 활용하였고, 행동패턴을 추론하기 위해 나이브 베이즈 방정식을 사용했다. 그리고 선호도 예측 알고리즘을 활용하여 추천 장소를 선정하였다. 시스템으로 구현하여 평가 기반의 추천 방식보다 본 논문에서 제시한 연구의 우수성도 입증하였다.