• Title/Summary/Keyword: Classification Models

Search Result 1,557, Processing Time 0.024 seconds

Comparison of Performance Measures for Credit-Card Delinquents Classification Models : Measured by Hit Ratio vs. by Utility (신용카드 연체자 분류모형의 성능평가 척도 비교 : 예측률과 유틸리티 중심으로)

  • Chung, Suk-Hoon;Suh, Yong-Moo
    • Journal of Information Technology Applications and Management
    • /
    • v.15 no.4
    • /
    • pp.21-36
    • /
    • 2008
  • As the great disturbance from abusing credit cards in Korea becomes stabilized, credit card companies need to interpret credit-card delinquents classification models from the viewpoint of profit. However, hit ratio which has been used as a measure of goodness of classification models just tells us how much correctly they classified rather than how much profits can be obtained as a result of using classification models. In this research, we tried to develop a new utility-based measure from the viewpoint of profit and then used this new measure to analyze two classification models(Neural Networks and Decision Tree models). We found that the hit ratio of neural model is higher than that of decision tree model, but the utility value of decision tree model is higher than that of neural model. This experiment shows the importance of utility based measure for credit-card delinquents classification models. We expect this new measure will contribute to increasing profits of credit card companies.

  • PDF

Design and Performance Measurement of a Genetic Algorithm-based Group Classification Method : The Case of Bond Rating (유전 알고리듬 기반 집단분류기법의 개발과 성과평가 : 채권등급 평가를 중심으로)

  • Min, Jae-H.;Jeong, Chul-Woo
    • Journal of the Korean Operations Research and Management Science Society
    • /
    • v.32 no.1
    • /
    • pp.61-75
    • /
    • 2007
  • The purpose of this paper is to develop a new group classification method based on genetic algorithm and to com-pare its prediction performance with those of existing methods in the area of bond rating. To serve this purpose, we conduct various experiments with pilot and general models. Specifically, we first conduct experiments employing two pilot models : the one searching for the cluster center of each group and the other one searching for both the cluster center and the attribute weights in order to maximize classification accuracy. The results from the pilot experiments show that the performance of the latter in terms of classification accuracy ratio is higher than that of the former which provides the rationale of searching for both the cluster center of each group and the attribute weights to improve classification accuracy. With this lesson in mind, we design two generalized models employing genetic algorithm : the one is to maximize the classification accuracy and the other one is to minimize the total misclassification cost. We compare the performance of these two models with those of existing statistical and artificial intelligent models such as MDA, ANN, and Decision Tree, and conclude that the genetic algorithm-based group classification method that we propose in this paper significantly outperforms the other methods in respect of classification accuracy ratio as well as misclassification cost.

Evaluating Predictive Ability of Classification Models with Ordered Multiple Categories

  • Oong-Hyun Sung
    • Communications for Statistical Applications and Methods
    • /
    • v.6 no.2
    • /
    • pp.383-395
    • /
    • 1999
  • This study is concerned with the evaluation of predictive ability of classification models with ordered multiple categories. If categories can be ordered or ranked the spread of misclassification should be considered to evaluate the performance of the classification models using loss rate since the apparent error rate can not measure the spread of misclassification. Since loss rate is known to underestimate the true loss rate the bootstrap method were used to estimate the true loss rate. thus this study suggests the method to evaluate the predictive power of the classification models using loss rate and the bootstrap estimate of the true loss rate.

  • PDF

A Study on Performance Comparison of Machine Learning Algorithm for Scaffold Defect Classification (인공지지체 불량 분류를 위한 기계 학습 알고리즘 성능 비교에 관한 연구)

  • Lee, Song-Yeon;Huh, Yong Jeong
    • Journal of the Semiconductor & Display Technology
    • /
    • v.19 no.3
    • /
    • pp.77-81
    • /
    • 2020
  • In this paper, we create scaffold defect classification models using machine learning based data. We extract the characteristic from collected scaffold external images using USB camera. SVM, KNN, MLP algorithm of machine learning was using extracted features. Classification models of three type learned using train dataset. We created scaffold defect classification models using test dataset. We quantified the performance of defect classification models. We have confirmed that the SVM accuracy is 95%. So the best performance model is using SVM.

An Explainable Deep Learning Algorithm based on Video Classification (비디오 분류에 기반 해석가능한 딥러닝 알고리즘)

  • Jin Zewei;Inwhee Joe
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2023.11a
    • /
    • pp.449-452
    • /
    • 2023
  • The rapid development of the Internet has led to a significant increase in multimedia content in social networks. How to better analyze and improve video classification models has become an important task. Deep learning models have typical "black box" characteristics. The model requires explainable analysis. This article uses two classification models: ConvLSTM and VGG16+LSTM models. And combined with the explainable method of LRP, generate visualized explainable results. Finally, based on the experimental results, the accuracy of the classification model is: ConvLSTM: 75.94%, VGG16+LSTM: 92.50%. We conducted explainable analysis on the VGG16+LSTM model combined with the LRP method. We found VGG16+LSTM classification model tends to use the frames biased towards the latter half of the video and the last frame as the basis for classification.

A study on forecasting of consumers' choice using artificial neural network (인공신경망을 이용한 소비자 선택 예측에 관한 연구)

  • 송수섭;이의훈
    • Journal of the Korean Operations Research and Management Science Society
    • /
    • v.26 no.4
    • /
    • pp.55-70
    • /
    • 2001
  • Artificial neural network(ANN) models have been widely used for the classification problems in business such as bankruptcy prediction, credit evaluation, etc. Although the application of ANN to classification of consumers' choice behavior is a promising research area, there have been only a few researches. In general, most of the researches have reported that the classification performance of the ANN models were better than conventional statistical model Because the survey data on consumer behavior may include much noise and missing data, ANN model will be more robust than conventional statistical models welch need various assumptions. The purpose of this paper is to study the potential of the ANN model for forecasting consumers' choice behavior based on survey data. The data was collected by questionnaires to the shoppers of department stores and discount stores. Then the correct classification rates of the ANN models for the training and test sample with that of multiple discriminant analysis(MDA) and logistic regression(Logit) model. The performance of the ANN models were betted than the performance of the MDA and Logit model with respect to correct classification rate. By using input variables identified as significant in the stepwise MDA, the performance of the ANN models were improved.

  • PDF

Semi-Supervised Recursive Learning of Discriminative Mixture Models for Time-Series Classification

  • Kim, Minyoung
    • International Journal of Fuzzy Logic and Intelligent Systems
    • /
    • v.13 no.3
    • /
    • pp.186-199
    • /
    • 2013
  • We pose pattern classification as a density estimation problem where we consider mixtures of generative models under partially labeled data setups. Unlike traditional approaches that estimate density everywhere in data space, we focus on the density along the decision boundary that can yield more discriminative models with superior classification performance. We extend our earlier work on the recursive estimation method for discriminative mixture models to semi-supervised learning setups where some of the data points lack class labels. Our model exploits the mixture structure in the functional gradient framework: it searches for the base mixture component model in a greedy fashion, maximizing the conditional class likelihoods for the labeled data and at the same time minimizing the uncertainty of class label prediction for unlabeled data points. The objective can be effectively imposed as individual mixture component learning on weighted data, hence our mixture learning typically becomes highly efficient for popular base generative models like Gaussians or hidden Markov models. Moreover, apart from the expectation-maximization algorithm, the proposed recursive estimation has several advantages including the lack of need for a pre-determined mixture order and robustness to the choice of initial parameters. We demonstrate the benefits of the proposed approach on a comprehensive set of evaluations consisting of diverse time-series classification problems in semi-supervised scenarios.

A Comparative Study on Deep Learning Models for Scaffold Defect Detection (인공지지체 불량 검출을 위한 딥러닝 모델 성능 비교에 관한 연구)

  • Lee, Song-Yeon;Huh, Yong Jeong
    • Journal of the Semiconductor & Display Technology
    • /
    • v.20 no.2
    • /
    • pp.109-114
    • /
    • 2021
  • When we inspect scaffold defect using sight, inspecting performance is decrease and inspecting time is increase. We need for automatically scaffold defect detection method to increase detection accuracy and reduce detection times. In this paper. We produced scaffold defect classification models using densenet, alexnet, vggnet algorithms based on CNN. We photographed scaffold using multi dimension camera. We learned scaffold defect classification model using photographed scaffold images. We evaluated the scaffold defect classification accuracy of each models. As result of evaluation, the defect classification performance using densenet algorithm was at 99.1%. The defect classification performance using VGGnet algorithm was at 98.3%. The defect classification performance using Alexnet algorithm was at 96.8%. We were able to quantitatively compare defect classification performance of three type algorithms based on CNN.

Solar Cell Classification using Gaussian Mixture Models (가우시안 혼합모델을 이용한 솔라셀 색상분류)

  • Ko, Jin-Seok;Rheem, Jae-Yeol
    • Journal of the Semiconductor & Display Technology
    • /
    • v.10 no.2
    • /
    • pp.1-5
    • /
    • 2011
  • In recent years, worldwide production of solar wafers increased rapidly. Therefore, the solar wafer technology in the developed countries already has become an industry, and related industries such as solar wafer manufacturing equipment have developed rapidly. In this paper we propose the color classification method of the polycrystalline solar wafer that needed in manufacturing equipment. The solar wafer produced in the manufacturing process does not have a uniform color. Therefore, the solar wafer panels made with insensitive color uniformity will fall off the aesthetics. Gaussian mixture models (GMM) are among the most statistically mature methods for clustering and we use the Gaussian mixture models for the classification of the polycrystalline solar wafers. In addition, we compare the performance of the color feature vector from various color space for color classification. Experimental results show that the feature vector from YCbCr color space has the most efficient performance and the correct classification rate is 97.4%.

Analysis of disc cutter replacement based on wear patterns using artificial intelligence classification models

  • Yunhee Kim;Jaewoo Shin;Bumjoo Kim
    • Geomechanics and Engineering
    • /
    • v.38 no.6
    • /
    • pp.633-645
    • /
    • 2024
  • Disc cutters, used as excavation tools for rocks in a Tunnel Boring Machine (TBM), naturally undergo wear during the tunneling process, involving crushing and cutting through the ground, leading to various wear types. When disc cutters reach their wear limits, they must be replaced at the appropriate time to ensure efficient excavation. General disc cutter life prediction models are typically used during the design phase to predict the total required quantity and replacement locations for construction. However, disc cutters are replaced more frequently during tunneling than initially planned. Unpredictable disc cutter replacements can easily diminish tunneling efficiency, and abnormal wear is a common cause during tunneling in complex ground conditions. This study aims to overcome the limitations of existing disc cutter life prediction models by utilizing machine data generated during tunneling to predict disc cutter wear patterns and determine the need for replacements in real-time. Artificial intelligence classification algorithms, including K-nearest Neighbors (KNN), Support Vector Machine (SVM), Decision Tree (DT), and Stacking, are employed to assess the need for disc cutter replacement. Binary classification models are developed to predict which disc cutters require replacement, while multi-class classification models are fine-tuned to identify three categories: no replacement required, replacement due to normal wear, and replacement due to abnormal wear during tunneling. The performance of these models is thoroughly assessed, demonstrating that the proposed approach effectively manages disc cutter wear and replacements in shield TBM tunnel projects.