• 제목/요약/키워드: Random Forest classifier

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

Classification of cardiotocograms using random forest classifier and selection of important features from cardiotocogram signal

  • Arif, Muhammad
    • Biomaterials and Biomechanics in Bioengineering
    • /
    • 제2권3호
    • /
    • pp.173-183
    • /
    • 2015
  • In obstetrics, cardiotocography is a procedure to record the fetal heartbeat and the uterine contractions usually during the last trimester of pregnancy. It helps to monitor patterns associated with the fetal activity and to detect the pathologies. In this paper, random forest classifier is used to classify normal, suspicious and pathological patterns based on the features extracted from the cardiotocograms. The results showed that random forest classifier can detect these classes successfully with overall classification accuracy of 93.6%. Moreover, important features are identified to reduce the feature space. It is found that using seven important features, similar classification accuracy can be achieved by random forest classifier (93.3%).

Best-First decision tree 기법을 적용한 심전도 데이터 분류기의 정확도 향상에 관한 연구 (Research on improving correctness of cardiac disorder data classifier by applying Best-First decision tree method)

  • 이현주;신동규;박희원;김수한;신동일
    • 인터넷정보학회논문지
    • /
    • 제12권6호
    • /
    • pp.63-71
    • /
    • 2011
  • 심전도 질환 데이터는 일반적으로 분류기를 사용한 실험이 많다. 심전도 신호는 QRS-Complex와 R-R interval을 추출하는 경우가 많은데 본 실험에서는 R-R interval을 추출하여 실험하였다. 심전도 데이터의 분류기 실험은 일반적으로 SVM(Support Vector Machine)과 MLP(Multilayer Perceptron) 분류기로 수행되지만 본 실험은 정확도 향상을 위해 Random Forest 분류기 알고리즘 중 Decision Tree를 Best-First Decision Tree(B-F Tree)로 수정하여 실험하였다. 그리고 정확도 비교분석을 위해 SVM, MLP, RBF(Radial Basic Function) Network와 Decision Tree 분류기 실험을 같이 수행하였고, 동일한 데이터와 간격으로 실험한 타 논문의 결과와 비교해보았다. 수정한 Random Forest 분류기의 정확도를 다른 네 개의 분류기와 타 논문의 실험과 비교해보니 정확도 부분에서는 Random Forest가 가장 우수하였다. 본 실험의 전처리 과정은 대역통과 필터(Band-pass filter)를 사용하여 R-R interval을 추출하였는데 향후에는 정확한 간격을 추출하기 위한 필터의 연구가 사려된다.

Prediction of Academic Performance of College Students with Bipolar Disorder using different Deep learning and Machine learning algorithms

  • Peerbasha, S.;Surputheen, M. Mohamed
    • International Journal of Computer Science & Network Security
    • /
    • 제21권7호
    • /
    • pp.350-358
    • /
    • 2021
  • In modern years, the performance of the students is analysed with lot of difficulties, which is a very important problem in all the academic institutions. The main idea of this paper is to analyze and evaluate the academic performance of the college students with bipolar disorder by applying data mining classification algorithms using Jupiter Notebook, python tool. This tool has been generally used as a decision-making tool in terms of academic performance of the students. The various classifiers could be logistic regression, random forest classifier gini, random forest classifier entropy, decision tree classifier, K-Neighbours classifier, Ada Boost classifier, Extra Tree Classifier, GaussianNB, BernoulliNB are used. The results of such classification model deals with 13 measures like Accuracy, Precision, Recall, F1 Measure, Sensitivity, Specificity, R Squared, Mean Absolute Error, Mean Squared Error, Root Mean Squared Error, TPR, TNR, FPR and FNR. Therefore, conclusion could be reached that the Decision Tree Classifier is better than that of different algorithms.

Random Forest 분류기와 Bag-of-Feature 특징 히스토그램을 이용한 의료영상 자동 분류 및 검색 (Medical Image Classification and Retrieval Using BoF Feature Histogram with Random Forest Classifier)

  • 손정은;고병철;남재열
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제2권4호
    • /
    • pp.273-280
    • /
    • 2013
  • 본 논문에서는 의료영상의 특성을 반영하여 픽셀 그래디언트의 방향 값을 특징으로 하는 OCS-LBP (Oriented Center Symmetric Local Binary Patterns) 특징을 개발하고 BoF(Bag-of-Feature)와 Random Forest 분류기를 이용한 영상 검색 방법을 제안한다. 학습영상에서 추출된 특징 값은 code book 으로 군집화 되고, 각 영상들은 code book을 통해 의미 있는 새로운 차원인 BoF특징으로 변환된다. 이렇게 추출된 BoF특징은 Random Forest 분류기에 적용되고 학습된 분류기에 의해 유사한 특성을 갖는 N개의 클래스별로 분류되게 된다. 질의 영상이 입력되면 동일한 OCS-LBP특징이 추출되고 code book을 통해 BoF특징이 추출된다. 전통적인 내용기반 영상검색과는 다르게, 본 논문에서는 질의 영상에서 추출된 BoF특징이 학습된 Random Forest에 적용되어 가장 유사한 K-근접 이웃 (K-nearest neighbor) 클래스들을 선택하고 선택된 클래스들에 포함된 영상들에 대해서만 질의 영상과의 BoF 유사도 측정을 통해 최종 유사한 영상을 검색하게 된다. 실험결과에서 본 논문에서 제안하는 방법은 빠르고 우수한 검색 성능을 보여 주었다.

Performance of Random Forest Classifier for Flood Mapping Using Sentinel-1 SAR Images

  • Chu, Yongjae;Lee, Hoonyol
    • 대한원격탐사학회지
    • /
    • 제38권4호
    • /
    • pp.375-386
    • /
    • 2022
  • The city of Khartoum, the capital of Sudan, was heavily damaged by the flood of the Nile in 2020. Classification using satellite images can define the damaged area and help emergency response. As Synthetic Aperture Radar (SAR) uses microwave that can penetrate cloud, it is suitable to use in the flood study. In this study, Random Forest classifier, one of the supervised classification algorithms, was applied to the flood event in Khartoum with various sizes of the training dataset and number of images using Sentinel-1 SAR. To create a training dataset, we used unsupervised classification and visual inspection. Firstly, Random Forest was performed by reducing the size of each class of the training dataset, but no notable difference was found. Next, we performed Random Forest with various number of images. Accuracy became better as the number of images in creased, but converged to a maximum value when the dataset covers the duration from flood to the completion of drainage.

부정맥 증상을 자동으로 판별하는 Random Forest 분류기의 정확도 향상을 위한 수정 알고리즘에 대한 연구 (Research on the modified algorithm for improving accuracy of Random Forest classifier which identifies automatically arrhythmia)

  • 이현주;신동규;박희원;김수한;신동일
    • 정보처리학회논문지B
    • /
    • 제18B권6호
    • /
    • pp.341-348
    • /
    • 2011
  • 생체신호의 한 분야인 심전도는 분류알고리즘을 사용한 실험이 일반적이다. 심전도를 실험한 논문에서 사용된 분류알고리즘은 대부분 SVM(Support Vector Machine), MLP(Multilayer Perceptron) 이었으나, 본 실험은 Random Forest 분류기를 시도하였다. 실험방법은 Random Forest 알고리즘을 실험데이터의 신호의 특징에 기반하여 분석하도록 수정하였고, 분류기의 수정된 알고리즘 성능을 규명하기 위하여 SVM과 MLP 분류기와 정확도를 비교 분석하였다. 실험에서는 심전도 신호의 R-R interval을 추출하여 시행하였으며 또한 동일한 데이터를 사용한 타 논문의 결과와 본 실험의 결과를 비교 분석하였다. 결과는 수정된 Random Forest 분류기가 SVM, MLP 분류기, 그리고 타 실험의 결과보다 정확도 부분에서는 우수한 결과를 도출하였다. 본 실험의 전처리 과정에서는 대역통과필터를 사용하여 R-R interval을 추출하였다. 그러나 심전도 실험에서는 대역통과 필터 뿐 아니라, 웨이블릿 변환, 메디안 필터, 유한 임펄스 필터 등으로 실험하는 경우가 많다. 따라서 향후에는 전처리과정에서 기저선 잡음(baseline wandering)을 효율적으로 제거하는 필터의 선택이 필요하며, R-R interval을 정확하게 추출할 수 있는 방법에 대한 연구가 필요하다고 사려된다.

랜덤 포레스트 분류기 기반의 컨벌루션 뉴럴 네트워크를 이용한 속도제한 표지판 인식 (Speed-limit Sign Recognition Using Convolutional Neural Network Based on Random Forest)

  • 이은주;남재열;고병철
    • 방송공학회논문지
    • /
    • 제20권6호
    • /
    • pp.938-949
    • /
    • 2015
  • 본 논문에서는 외부압력에 의한 외형 손상이나 빛의 방향에 따른 색상 대비변화 등에 견고한 영상기반 속도 제한 표지판 인식 시스템 설계를 제안한다. 속도 제한 표지판 인식을 위해서 최근 패턴 인식 분야에서 뛰어한 성능을 보여주고 있는 CNN (Convolutional neural network)을 사용한다. 하지만 기존의 CNN은 특징 추출을 위해 다수의 은닉층이 사용되고 추출된 결과에 대해 MLP(Multi-layer perceptron) 등과의 완전 연결(fully-connected) 방식을 사용함으로 학습과 테스트 시간이 많이 걸리는 단점이 있다. 본 논문에서는 이러한 단점을 줄이기 위해 2계층의 CNN을 구성하고 패턴 분류를 위해 랜덤 포레스트(Random forest)를 결합하여 완전 연결이 아닌 랜덤 연결 방식을 적용하였다. GTSRB(German Traffic Sign Recognition Benchmark)데이터의 교통안전표지판 중에서 8개 속도 제한 표지판 데이터를 사용하여 제안하는 방식이 SVM (Support Vector Machine)이나 MLP 분류기를 적용할 때 보다 성능이 우수함을 입증하였다.

Random Forest Classifier-based Ship Type Prediction with Limited Ship Information of AIS and V-Pass

  • Jeon, Ho-Kun;Han, Jae Rim
    • 대한원격탐사학회지
    • /
    • 제38권4호
    • /
    • pp.435-446
    • /
    • 2022
  • Identifying ship types is an important process to prevent illegal activities on territorial waters and assess marine traffic of Vessel Traffic Services Officer (VTSO). However, the Terrestrial Automatic Identification System (T-AIS) collected at the ground station has over 50% of vessels that do not contain the ship type information. Therefore, this study proposes a method of identifying ship types through the Random Forest Classifier (RFC) from dynamic and static data of AIS and V-Pass for one year and the Ulsan waters. With the hypothesis that six features, the speed, course, length, breadth, time, and location, enable to estimate of the ship type, four classification models were generated depending on length or breadth information since 81.9% of ships fully contain the two information. The accuracy were average 96.4% and 77.4% in the presence and absence of size information. The result shows that the proposed method is adaptable to identifying ship types.

의료진단 및 중요 검사 항목 결정 지원 시스템을 위한 랜덤 포레스트 알고리즘 적용 (Application of Random Forest Algorithm for the Decision Support System of Medical Diagnosis with the Selection of Significant Clinical Test)

  • 윤태균;이관수
    • 전기학회논문지
    • /
    • 제57권6호
    • /
    • pp.1058-1062
    • /
    • 2008
  • In clinical decision support system(CDSS), unlike rule-based expert method, appropriate data-driven machine learning method can easily provide the information of individual feature(clinical test) for disease classification. However, currently developed methods focus on the improvement of the classification accuracy for diagnosis. With the analysis of feature importance in classification, one may infer the novel clinical test sets which highly differentiate the specific diseases or disease states. In this background, we introduce a novel CDSS that integrate a classifier and feature selection module together. Random forest algorithm is applied for the classifier and the feature importance measure. The system selects the significant clinical tests discriminating the diseases by examining the classification error during backward elimination of the features. The superior performance of random forest algorithm in clinical classification was assessed against artificial neural network and decision tree algorithm by using breast cancer, diabetes and heart disease data in UCI Machine Learning Repository. The test with the same data sets shows that the proposed system can successfully select the significant clinical test set for each disease.

자연어 처리 기반 『상한론(傷寒論)』 변병진단체계(辨病診斷體系) 분류를 위한 기계학습 모델 선정 (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