• 제목/요약/키워드: Bayes classifier models

검색결과 17건 처리시간 0.026초

자연어 처리 기반 『상한론(傷寒論)』 변병진단체계(辨病診斷體系) 분류를 위한 기계학습 모델 선정 (Selecting Machine Learning Model Based on Natural Language Processing for Shanghanlun Diagnostic System Classification)

  • 김영남
    • 대한상한금궤의학회지
    • /
    • 제14권1호
    • /
    • pp.41-50
    • /
    • 2022
  • Objective : The purpose of this study is to explore the most suitable machine learning model algorithm for Shanghanlun diagnostic system classification using natural language processing (NLP). Methods : A total of 201 data items were collected from 『Shanghanlun』 and 『Clinical Shanghanlun』, 'Taeyangbyeong-gyeolhyung' and 'Eumyangyeokchahunobokbyeong' were excluded to prevent oversampling or undersampling. Data were pretreated using a twitter Korean tokenizer and trained by logistic regression, ridge regression, lasso regression, naive bayes classifier, decision tree, and random forest algorithms. The accuracy of the models were compared. Results : As a result of machine learning, ridge regression and naive Bayes classifier showed an accuracy of 0.843, logistic regression and random forest showed an accuracy of 0.804, and decision tree showed an accuracy of 0.745, while lasso regression showed an accuracy of 0.608. Conclusions : Ridge regression and naive Bayes classifier are suitable NLP machine learning models for the Shanghanlun diagnostic system classification.

  • PDF

베이지안 분류기를 이용한 소프트웨어 품질 분류 (Software Quality Classification using Bayesian Classifier)

  • 홍의석
    • 한국IT서비스학회지
    • /
    • 제11권1호
    • /
    • pp.211-221
    • /
    • 2012
  • Many metric-based classification models have been proposed to predict fault-proneness of software module. This paper presents two prediction models using Bayesian classifier which is one of the most popular modern classification algorithms. Bayesian model based on Bayesian probability theory can be a promising technique for software quality prediction. This is due to the ability to represent uncertainty using probabilities and the ability to partly incorporate expert's knowledge into training data. The two models, Na$\ddot{i}$veBayes(NB) and Bayesian Belief Network(BBN), are constructed and dimensionality reduction of training data and test data are performed before model evaluation. Prediction accuracy of the model is evaluated using two prediction error measures, Type I error and Type II error, and compared with well-known prediction models, backpropagation neural network model and support vector machine model. The results show that the prediction performance of BBN model is slightly better than that of NB. For the data set with ambiguity, although the BBN model's prediction accuracy is not as good as the compared models, it achieves better performance than the compared models for the data set without ambiguity.

패턴분류기를 위한 최소오차율 학습알고리즘과 예측신경회로망모델에의 적용 (A Minimum-Error-Rate Training Algorithm for Pattern Classifiers and Its Application to the Predictive Neural Network Models)

  • 나경민;임재열;안수길
    • 전자공학회논문지B
    • /
    • 제31B권12호
    • /
    • pp.108-115
    • /
    • 1994
  • Most pattern classifiers have been designed based on the ML (Maximum Likelihood) training algorithm which is simple and relatively powerful. The ML training is an efficient algorithm to individually estimate the model parameters of each class under the assumption that all class models in a classifier are statistically independent. That assumption, however, is not valid in many real situations, which degrades the performance of the classifier. In this paper, we propose a minimum-error-rate training algorithm based on the MAP (Maximum a Posteriori) approach. The algorithm regards the normalized outputs of the classifier as estimates of the a posteriori probability, and tries to maximize those estimates. According to Bayes decision theory, the proposed algorithm satisfies the condition of minimum-error-rate classificatin. We apply this algorithm to NPM (Neural Prediction Model) for speech recognition, and derive new disrminative training algorithms. Experimental results on ten Korean digits recognition have shown the reduction of 37.5% of the number of recognition errors.

  • PDF

Forecasting of Various Air Pollutant Parameters in Bangalore Using Naïve Bayesian

  • Shivkumar M;Sudhindra K R;Pranesha T S;Chate D M;Beig G
    • International Journal of Computer Science & Network Security
    • /
    • 제24권3호
    • /
    • pp.196-200
    • /
    • 2024
  • Weather forecasting is considered to be of utmost important among various important sectors such as flood management and hydro-electricity generation. Although there are various numerical methods for weather forecasting but majority of them are reported to be Mechanistic computationally demanding due to their complexities. Therefore, it is necessary to develop and build models for accurately predicting the weather conditions which are faster as well as efficient in comparison to the prevalent meteorological models. The study has been undertaken to forecast various atmospheric parameters in the city of Bangalore using Naïve Bayes algorithms. The individual parameters analyzed in the study consisted of wind speed (WS), wind direction (WD), relative humidity (RH), solar radiation (SR), black carbon (BC), radiative forcing (RF), air temperature (AT), bar pressure (BP), PM10 and PM2.5 of the Bangalore city collected from Air Quality Monitoring Station for a period of 5 years from January 2015 to May 2019. The study concluded that Naive Bayes is an easy and efficient classifier that is centered on Bayes theorem, is quite efficient in forecasting the various air pollution parameters of the city of Bangalore.

Estimation of compressive strength of BFS and WTRP blended cement mortars with machine learning models

  • Ozcan, Giyasettin;Kocak, Yilmaz;Gulbandilar, Eyyup
    • Computers and Concrete
    • /
    • 제19권3호
    • /
    • pp.275-282
    • /
    • 2017
  • The aim of this study is to build Machine Learning models to evaluate the effect of blast furnace slag (BFS) and waste tire rubber powder (WTRP) on the compressive strength of cement mortars. In order to develop these models, 12 different mixes with 288 specimens of the 2, 7, 28, and 90 days compressive strength experimental results of cement mortars containing BFS, WTRP and BFS+WTRP were used in training and testing by Random Forest, Ada Boost, SVM and Bayes classifier machine learning models, which implement standard cement tests. The machine learning models were trained with 288 data that acquired from experimental results. The models had four input parameters that cover the amount of Portland cement, BFS, WTRP and sample ages. Furthermore, it had one output parameter which is compressive strength of cement mortars. Experimental observations from compressive strength tests were compared with predictions of machine learning methods. In order to do predictive experimentation, we exploit R programming language and corresponding packages. During experimentation on the dataset, Random Forest, Ada Boost and SVM models have produced notable good outputs with higher coefficients of determination of R2, RMS and MAPE. Among the machine learning algorithms, Ada Boost presented the best R2, RMS and MAPE values, which are 0.9831, 5.2425 and 0.1105, respectively. As a result, in the model, the testing results indicated that experimental data can be estimated to a notable close extent by the model.

Identifying the Optimal Machine Learning Algorithm for Breast Cancer Prediction

  • ByungJoo Kim
    • International journal of advanced smart convergence
    • /
    • 제13권3호
    • /
    • pp.80-88
    • /
    • 2024
  • Breast cancer remains a significant global health burden, necessitating accurate and timely detection for improved patient outcomes. Machine learning techniques have demonstrated remarkable potential in assisting breast cancer diagnosis by learning complex patterns from multi-modal patient data. This study comprehensively evaluates several popular machine learning models, including logistic regression, decision trees, random forests, support vector machines (SVMs), naive Bayes, k-nearest neighbors (KNN), XGBoost, and ensemble methods for breast cancer prediction using the Wisconsin Breast Cancer Dataset (WBCD). Through rigorous benchmarking across metrics like accuracy, precision, recall, F1-score, and area under the ROC curve (AUC), we identify the naive Bayes classifier as the top-performing model, achieving an accuracy of 0.974, F1-score of 0.979, and highest AUC of 0.988. Other strong performers include logistic regression, random forests, and XGBoost, with AUC values exceeding 0.95. Our findings showcase the significant potential of machine learning, particularly the robust naive Bayes algorithm, to provide highly accurate and reliable breast cancer screening from fine needle aspirate (FNA) samples, ultimately enabling earlier intervention and optimized treatment strategies.

이산형 자료 예측을 위한 베이지안 네트워크 분류분석기의 성능 비교 (The performance of Bayesian network classifiers for predicting discrete data)

  • 박현재;황범석
    • 응용통계연구
    • /
    • 제33권3호
    • /
    • pp.309-320
    • /
    • 2020
  • 방향성 비순환 그래프(directed acyclic graph; DAG)라고도 하는 베이지안 네트워크(Bayesian network)는 변수 사이의 관계를 확률과 그래프를 통해 모형화할 수 있다는 점에서 최근 의학, 기상학, 유전학 등 여러 분야에서 다양하게 활용되고 있다. 특히 이산형 자료의 예측에 사용되는 베이지안 네트워크 분류분석기(Bayesian network classifier)가 최근 새로운 데이터 마이닝 기법으로 주목받고 있다. 베이지안 네트워크는 그 구조와 학습 방법에 따라 여러 가지 다양한 모형으로 분류할 수 있다. 본 논문에서는 서로 다른 성질을 가진 이산형 자료를 바탕으로 구조 학습 방법에 차이를 두어 베이지안 네트워크 모형을 학습시킨 후, 가장 간단한 방법인 나이브 베이즈 (naïve Bayes) 모형과 비교해 본다. 학습된 모형들을 여러 가지 실제 데이터에 적용하여 그 예측 정확도를 비교함으로써 최적의 분류 분석 결과를 얻을 수 있는지 살펴본다. 또한 각각의 모형에서 나타나는 그래프를 통해 데이터의 변수 사이의 관계를 비교한다.

나이브 베이즈 빅데이터 분류기를 이용한 렌터카 교통사고 심각도 예측 (Prediction of Severities of Rental Car Traffic Accidents using Naive Bayes Big Data Classifier)

  • 정하림;김홍회;박상민;한음;김경현;윤일수
    • 한국ITS학회 논문지
    • /
    • 제16권4호
    • /
    • pp.1-12
    • /
    • 2017
  • 교통사고는 인적요인, 차량요인, 환경요인이 복합적으로 작용하여 발생한다. 이 중 렌터카 교통사고는 운전자의 평소 익숙하지 않은 환경 등으로 인해 교통사고 발생 가능성과 심각도가 다른 교통사고와는 다를 것으로 예상된다. 이에 본 연구에서는 국내 대표 관광도시인 부산광역시, 강릉시, 제주시를 대상으로 최근 빅데이터 분석에 사용되는 기계학습 기법중 하나인 나이브 베이즈 분류기를 이용하여 렌터카 교통사고의 심각도를 예측하는 모형을 개발하였다. 또한, 기존 연구에 유의성이 검증된 변수와 수집 가능한 모든 변수를 이용하는 두 가지 모형에 대하여 모형의 예측 정확도를 비교하였다. 비교 결과 통계적 기법을 통해 유의성이 검증된 변수를 사용할 경우 모형이 더 높은 예측 정확도를 보이는 것으로 나타났다.

A Framework for Semantic Interpretation of Noun Compounds Using Tratz Model and Binary Features

  • Zaeri, Ahmad;Nematbakhsh, Mohammad Ali
    • ETRI Journal
    • /
    • 제34권5호
    • /
    • pp.743-752
    • /
    • 2012
  • Semantic interpretation of the relationship between noun compound (NC) elements has been a challenging issue due to the lack of contextual information, the unbounded number of combinations, and the absence of a universally accepted system for the categorization. The current models require a huge corpus of data to extract contextual information, which limits their usage in many situations. In this paper, a new semantic relations interpreter for NCs based on novel lightweight binary features is proposed. Some of the binary features used are novel. In addition, the interpreter uses a new feature selection method. By developing these new features and techniques, the proposed method removes the need for any huge corpuses. Implementing this method using a modular and plugin-based framework, and by training it using the largest and the most current fine-grained data set, shows that the accuracy is better than that of previously reported upon methods that utilize large corpuses. This improvement in accuracy and the provision of superior efficiency is achieved not only by improving the old features with such techniques as semantic scattering and sense collocation, but also by using various novel features and classifier max entropy. That the accuracy of the max entropy classifier is higher compared to that of other classifiers, such as a support vector machine, a Na$\ddot{i}$ve Bayes, and a decision tree, is also shown.

Movie Popularity Classification Based on Support Vector Machine Combined with Social Network Analysis

  • Dorjmaa, Tserendulam;Shin, Taeksoo
    • 한국IT서비스학회지
    • /
    • 제16권3호
    • /
    • pp.167-183
    • /
    • 2017
  • The rapid growth of information technology and mobile service platforms, i.e., internet, google, and facebook, etc. has led the abundance of data. Due to this environment, the world is now facing a revolution in the process that data is searched, collected, stored, and shared. Abundance of data gives us several opportunities to knowledge discovery and data mining techniques. In recent years, data mining methods as a solution to discovery and extraction of available knowledge in database has been more popular in e-commerce service fields such as, in particular, movie recommendation. However, most of the classification approaches for predicting the movie popularity have used only several types of information of the movie such as actor, director, rating score, language and countries etc. In this study, we propose a classification-based support vector machine (SVM) model for predicting the movie popularity based on movie's genre data and social network data. Social network analysis (SNA) is used for improving the classification accuracy. This study builds the movies' network (one mode network) based on initial data which is a two mode network as user-to-movie network. For the proposed method we computed degree centrality, betweenness centrality, closeness centrality, and eigenvector centrality as centrality measures in movie's network. Those four centrality values and movies' genre data were used to classify the movie popularity in this study. The logistic regression, neural network, $na{\ddot{i}}ve$ Bayes classifier, and decision tree as benchmarking models for movie popularity classification were also used for comparison with the performance of our proposed model. To assess the classifier's performance accuracy this study used MovieLens data as an open database. Our empirical results indicate that our proposed model with movie's genre and centrality data has by approximately 0% higher accuracy than other classification models with only movie's genre data. The implications of our results show that our proposed model can be used for improving movie popularity classification accuracy.