• 제목/요약/키워드: classification/prediction

검색결과 1,103건 처리시간 0.031초

머신러닝을 활용한 코스닥 관리종목지정 예측 (Predicting Administrative Issue Designation in KOSDAQ Market Using Machine Learning Techniques)

  • 채승일;이동주
    • 아태비즈니스연구
    • /
    • 제13권2호
    • /
    • pp.107-122
    • /
    • 2022
  • Purpose - This study aims to develop machine learning models to predict administrative issue designation in KOSDAQ Market using financial data. Design/methodology/approach - Employing four classification techniques including logistic regression, support vector machine, random forest, and gradient boosting to a matched sample of five hundred and thirty-six firms over an eight-year period, the authors develop prediction models and explore the practicality of the models. Findings - The resulting four binary selection models reveal overall satisfactory classification performance in terms of various measures including AUC (area under the receiver operating characteristic curve), accuracy, F1-score, and top quartile lift, while the ensemble models (random forest and gradienct boosting) outperform the others in terms of most measures. Research implications or Originality - Although the assessment of administrative issue potential of firms is critical information to investors and financial institutions, detailed empirical investigation has lagged behind. The current research fills this gap in the literature by proposing parsimonious prediction models based on a few financial variables and validating the applicability of the models.

신용카드 대손회원 예측을 위한 SVM 모형 (Credit Card Bad Debt Prediction Model based on Support Vector Machine)

  • 김진우;지원철
    • 한국IT서비스학회지
    • /
    • 제11권4호
    • /
    • pp.233-250
    • /
    • 2012
  • In this paper, credit card delinquency means the possibility of occurring bad debt within the certain near future from the normal accounts that have no debt and the problem is to predict, on the monthly basis, the occurrence of delinquency 3 months in advance. This prediction is typical binary classification problem but suffers from the issue of data imbalance that means the instances of target class is very few. For the effective prediction of bad debt occurrence, Support Vector Machine (SVM) with kernel trick is adopted using credit card usage and payment patterns as its inputs. SVM is widely accepted in the data mining society because of its prediction accuracy and no fear of overfitting. However, it is known that SVM has the limitation in its ability to processing the large-scale data. To resolve the difficulties in applying SVM to bad debt occurrence prediction, two stage clustering is suggested as an effective data reduction method and ensembles of SVM models are also adopted to mitigate the difficulty due to data imbalance intrinsic to the target problem of this paper. In the experiments with the real world data from one of the major domestic credit card companies, the suggested approach reveals the superior prediction accuracy to the traditional data mining approaches that use neural networks, decision trees or logistics regressions. SVM ensemble model learned from T2 training set shows the best prediction results among the alternatives considered and it is noteworthy that the performance of neural networks with T2 is better than that of SVM with T1. These results prove that the suggested approach is very effective for both SVM training and the classification problem of data imbalance.

Quality grading of Hanwoo (Korean native cattle breed) sub-images using convolutional neural network

  • Kwon, Kyung-Do;Lee, Ahyeong;Lim, Jongkuk;Cho, Soohyun;Lee, Wanghee;Cho, Byoung-Kwan;Seo, Youngwook
    • 농업과학연구
    • /
    • 제47권4호
    • /
    • pp.1109-1122
    • /
    • 2020
  • The aim of this study was to develop a marbling classification and prediction model using small parts of sirloin images based on a deep learning algorithm, namely, a convolutional neural network (CNN). Samples were purchased from a commercial slaughterhouse in Korea, images for each grade were acquired, and the total images (n = 500) were assigned according to their grade number: 1++, 1+, 1, and both 2 & 3. The image acquisition system consists of a DSLR camera with a polarization filter to remove diffusive reflectance and two light sources (55 W). To correct the distorted original images, a radial correction algorithm was implemented. Color images of sirloins of Hanwoo (mixed with feeder cattle, steer, and calf) were divided and sub-images with image sizes of 161 × 161 were made to train the marbling prediction model. In this study, the convolutional neural network (CNN) has four convolution layers and yields prediction results in accordance with marbling grades (1++, 1+, 1, and 2&3). Every single layer uses a rectified linear unit (ReLU) function as an activation function and max-pooling is used for extracting the edge between fat and muscle and reducing the variance of the data. Prediction accuracy was measured using an accuracy and kappa coefficient from a confusion matrix. We summed the prediction of sub-images and determined the total average prediction accuracy. Training accuracy was 100% and the test accuracy was 86%, indicating comparably good performance using the CNN. This study provides classification potential for predicting the marbling grade using color images and a convolutional neural network algorithm.

빅데이터 기반 2형 당뇨 예측 알고리즘 개발 (Development of Type 2 Prediction Prediction Based on Big Data)

  • 심현;김현욱
    • 한국전자통신학회논문지
    • /
    • 제18권5호
    • /
    • pp.999-1008
    • /
    • 2023
  • 당뇨병과 같은 만성 질환의 조기 예측은 중요한 이슈이며, 그중에서도 당뇨 예측의 정확도 향상은 매우 중요하다. 당뇨 예측을 위한 다양한 기계 학습 및 딥 러닝 기반 방법론을 도입하고 있으나, 이러한 기술들은 다른 방법론보다 더 우수한 성능을 위해 대량의 데이터를 필요로 하며, 복잡한 데이터 모델 때문에 학습 비용이 높다. 본 연구에서는 pima 데이터셋과 k-fold 교차 검증을 사용한 DNN이 당뇨 진단 모델의 효율성을 감소시킨다는 주장을 검증하고자 한다. 의사 결정 트리, SVM, 랜덤 포레스트, 로지스틱 회귀, KNN 및 다양한 앙상블 기법과 같은 기계 학습 분류 방법을 사용하여 어떤 알고리즘이 최상의 예측 결과를 내는지 결정하였다. 모든 분류 모델에 대한 훈련 및 테스트 후 제안된 시스템은 ADASYN 방법과 함께 XGBoost 분류기에서 최상의 결과를 제공하였으며, 정확도는 81%, F1 계수는 0.81, AUC는 0.84였다. 또한 도메인 적응 방법이 제안된 시스템의 다양성을 보여주기 위해 구현되었다. LIME 및 SHAP 프레임워크를 사용한 설명 가능한 AI 접근 방식이 모델이 최종 결과를 어떻게 예측하는지 이해하기 위해 구현되었다.

다수의 분류 기법의 예측 결과를 결합하기 위한 혼합 정수 계획법의 사용 (Aggregating Prediction Outputs of Multiple Classification Techniques Using Mixed Integer Programming)

  • Jo, Hongkyu;Han, Ingoo
    • 지능정보연구
    • /
    • 제9권1호
    • /
    • pp.71-89
    • /
    • 2003
  • 경영 분류 문제에 대한 많은 연구들은 여러가지 기법들간의 성과 비교에 대한 것이었지만, 각각의 연구들마다 가장 좋은 기법이 어떤 것인가에 대해서는 상이한 결론을 내고 있다. 다수의 분류 기법 중에서 가장 좋은 것을 사용하는 방법에 대한 대안으로,분류 기법을 통합하여 성과를 향상시키는 방법이 있다. 본 연구에서는 개별 분류 기법의 결과를 선형 결합하여 예측력을 높이는 방법을 제시하였다. 최 적 선형 결합 가중치를 계산하기 위해 혼합 정수 계 획 법을 사용하였다. 목적 함수로 사용한 오분류 비용의 최소화에서 오분류 비용은 부도 기업을 모형에서 정상으로 예측한 오류와 정상기업을 모형에서 부도 기업으로 예측한 오류의 합으로 정의하였다. 문제 풀이 과정을 단순화하기 위하여 본 논문에서는 절사점 (cutoff value)을 고정하였고, 경계 함수 (threshold function)를 배제하였다. 정수계획법의 계산을 위해 branch 8, bound 방법을 사용하였다. 선형 결합에 의한 모형의 예측력이 개별 기법에 의해 구축된 모형의 예측력을 상회하였고, 그 차이가 통계적으로도 유의하였다.

  • PDF

망막색소변성 데이터의 예후 예측을 위한 패턴 분류 (Pattern Classification of Retinitis Pigmentosa Data for Prediction of Prognosis)

  • 김현미;우용태;정성환
    • 한국멀티미디어학회논문지
    • /
    • 제15권6호
    • /
    • pp.701-710
    • /
    • 2012
  • 망막색소변성(RP: Retinitis Pigmentosa)이란 가장 흔한 유전성 망막질환이다. 정상적인 사회활동을 영위하던 사람들이 이 질병으로 시력이 손상되면서 좌절과 고통을 겪는다. 또한 국가적 차원에서 이들의 경제활동이 끊김에 따라 경제활동 인구 감소에 따른 손실 또한 크다고 하겠다. 이에 망막색소변성 질환에 대한 임상 예후 정보를 제공할 수 있는 연구기반이 절실히 요구되고 있다. 본 연구는 망막색소변성 데이터에 대한 패턴 분류를 통해 예후 예측이 가능함을 제안한다. 기존에는 주로 SPSS등을 활용한 통계 처리 결과가 데이터 분석에 적용되었다. 그러나 본 연구에서는 기계학습과 자동 패턴 분류를 실험하였다. SVM(Support Vector Machine)과 여러 다양한 패턴분류기들을 실험을 위해 사용하였다. 제안한 방법은 SVM 분류기에 의하여 RP 데이터가 자동적으로 분류된 결과를 바탕으로 예후 예측이 가능함을 확인하였다.

계층적 분류구조의 퍼지시스템 설계 및 시계열 예측 응용 (Design of Fuzzy System with Hierarchical Classifying Structures and its Application to Time Series Prediction)

  • 방영근;이철희
    • 한국지능시스템학회논문지
    • /
    • 제19권5호
    • /
    • pp.595-602
    • /
    • 2009
  • 시스템의 동작특성을 표현하는 퍼지 규칙들은 퍼지 클러스터링 기법에 매우 의존적이다. 만약, 클러스터링 기법의 분류 능력이 개선된다면, 그들에 의해 생성되는 퍼지 규칙과 식별되는 파라미터들이 보다 정밀해 질 수 있으므로 시스템의 성능이 개선될 수 있다. 따라서 본 논문에서는 분류능력이 강화된 새로운 계층 구조 클러스터링 알고리즘을 제안한다. 제안된 클러스터링 기법은 데이터 사이의 통계적 특성과 상관성을 고려하여 보다 정확하게 데이터들을 분류할 수 있도록 2개의 클러스터의 구조를 갖는다. 또한, 본 논문은 차분 데이터를 이용하여 원형 데이터의 패턴이나 규칙들이 명확하게 반영될 수 있도록 하며, 각각의 차분 데이터들의 다양한 특성을 고려할 수 있도록 다중 퍼지 시스템을 구현한다. 마지막으로, 제안된 기법들의 유효성을 다양한 비선형 시계열 데이터들의 예측을 통해 검증한다.

CNN 기법을 활용한 터널 암판정 예측기술 개발 (Rock Classification Prediction in Tunnel Excavation Using CNN)

  • 김하영;조래훈;김규선
    • 한국지반공학회논문집
    • /
    • 제35권9호
    • /
    • pp.37-45
    • /
    • 2019
  • 터널 굴착 시 신속한 막장면 상태 파악 및 적절한 지보패턴 결정은 터널 붕락사고의 예방 및 안정적인 굴진에 매우 중요하다. 본 연구에서는 딥러닝 기법을 활용하여 막장면 상태에 따른 암반상태 분류를 신속하게 결정할 수 있는 기술을 개발하였으며, CNN 기법을 이용한 암반상태 분류방법 및 예측 정확도 개선 방법 등을 제시하고 있다. 수 만개의 이미지가 사전 학습된 VGG16 모델을 알고리즘으로 적용하였고, 1,469개의 터널 막장면 이미지에 대한 학습을 통하여 5개 등급으로 암반상태를 분류하였다. 본 연구에서의 예측 정확도는 최대 83.9% 수준을 나타내었으며, 향후 추가적인 이미지 축적을 통해 암반상태 평가자에 따른 편차를 줄인 객관적이고 정량적 암반상태 분류방법으로 활용 가능할 것으로 판단된다.

매장문화재 예측을 위한 통계적 분류 분석 (Classification Analysis for the Prediction of Underground Cultural Assets)

  • 유혜경;이진영;나종화
    • 한국산업정보학회논문지
    • /
    • 제14권3호
    • /
    • pp.106-113
    • /
    • 2009
  • 본 논문에서는 통계적 분류방법을 이용하여 문화재 자료의 분석을 수행하였다. 분류방법으로는 선형판별분석, 로지스틱회귀분석, 의사결정나무분석, 신경망분석, SVM분석을 사용하였다. 각각의 분류방법에 대한 개념 및 이론에 대해 간략히 소개하고, 실제자료 분석에서는 국내 I시 자료를 사용하여 매장문화재에 대한 분류방법별 적합모형을 구축하였다. 구축된 모형에 대한 성능비교와 함께, 새로운 자료에 대한 적용성 평가를 위해 모의실험을 수행하였다. 분석에 사용된 도구로는 최근 가장 관심을 갖는 R 언어를 사용하였으며, 구체적 분석과정을 제시하였다.

슈퍼스칼라 프로세서에서 데이터 값 예측기의 성능효과 (Efficient of The Data Value Predictor in Superscalar Processors)

  • 박희룡;전병찬;이상정
    • 대한전자공학회:학술대회논문집
    • /
    • 대한전자공학회 2000년도 하계종합학술대회 논문집(3)
    • /
    • pp.55-58
    • /
    • 2000
  • To achieve high performance by exploiting instruction level parallelism(ILP) aggressively in superscalar processors, value prediction is used. Value prediction is a technique that breaks data dependences by predicting the outcome of an instruction and executes speculatively it's data dependent instruction based on the predicted outcome. In this paper, the performance of a hybrid value prediction scheme with dynamic classification mechanism is measured and analyzed by using execution-driven simulator for SPECint95 benchmark set.

  • PDF