• 제목/요약/키워드: Selective Data Learning

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

머신러닝을 이용한 에너지 선택적 유방촬영의 진단 정확도 향상에 관한 연구 (A Feasibility Study on the Improvement of Diagnostic Accuracy for Energy-selective Digital Mammography using Machine Learning)

  • 엄지수;이승완;김번영
    • 대한방사선기술학회지:방사선기술과학
    • /
    • 제42권1호
    • /
    • pp.9-17
    • /
    • 2019
  • Although digital mammography is a representative method for breast cancer detection. It has a limitation in detecting and classifying breast tumor due to superimposed structures. Machine learning, which is a part of artificial intelligence fields, is a method for analysing a large amount of data using complex algorithms, recognizing patterns and making prediction. In this study, we proposed a technique to improve the diagnostic accuracy of energy-selective mammography by training data using the machine learning algorithm and using dual-energy measurements. A dual-energy images obtained from a photon-counting detector were used for the input data of machine learning algorithms, and we analyzed the accuracy of predicted tumor thickness for verifying the machine learning algorithms. The results showed that the classification accuracy of tumor thickness was above 95% and was improved with an increase of imput data. Therefore, we expect that the diagnostic accuracy of energy-selective mammography can be improved by using machine learning.

Online Selective-Sample Learning of Hidden Markov Models for Sequence Classification

  • Kim, Minyoung
    • International Journal of Fuzzy Logic and Intelligent Systems
    • /
    • 제15권3호
    • /
    • pp.145-152
    • /
    • 2015
  • We consider an online selective-sample learning problem for sequence classification, where the goal is to learn a predictive model using a stream of data samples whose class labels can be selectively queried by the algorithm. Given that there is a limit to the total number of queries permitted, the key issue is choosing the most informative and salient samples for their class labels to be queried. Recently, several aggressive selective-sample algorithms have been proposed under a linear model for static (non-sequential) binary classification. We extend the idea to hidden Markov models for multi-class sequence classification by introducing reasonable measures for the novelty and prediction confidence of the incoming sample with respect to the current model, on which the query decision is based. For several sequence classification datasets/tasks in online learning setups, we demonstrate the effectiveness of the proposed approach.

Naive Bayes 문서 분류기를 위한 점진적 학습 모델 연구 (A Study on Incremental Learning Model for Naive Bayes Text Classifier)

  • 김제욱;김한준;이상구
    • 한국데이타베이스학회:학술대회논문집
    • /
    • 한국데이타베이스학회 2001년도 춘계 Conference: CRM과 DB응용 기술을 통한 e-Business혁신
    • /
    • pp.331-341
    • /
    • 2001
  • 본 논문에서는 Naive Bayes 문서 분류기를 위한 새로운 학습모델을 제안한다. 이 모델에서는 라벨이 없는 문서들의 집합으로부터 선택한 적은 수의 학습 문서들을 이용하여 문서 분류기를 재학습한다. 본 논문에서는 이러한 학습 방법을 따를 경우 작은 비용으로도 문서 분류기의 정확도가 크게 향상될 수 있다는 사실을 보인다. 이와 같이, 알고리즘을 통해 라벨이 없는 문서들의 집합으로부터 정보량이 큰 문서를 선택한 후, 전문가가 이 문서에 라벨을 부여하는 방식으로 학습문서를 결정하는 것을 selective sampling이라 한다. 본 논문에서는 이러한 selective sampling 문제를 Naive Bayes 문서 분류기에 적용한다. 제안한 학습 방법에서는 라벨이 없는 문서들의 집합으로부터 재학습 문서를 선택하는 기준 측정치로서 평균절대편차(Mean Absolute Deviation), 엔트로피 측정치를 사용한다. 실험을 통해서 제안한 학습 방법이 기존의 방법인 신뢰도(Confidence measure)를 이용한 학습 방법보다 Naive Bayes 문서 분류기의 성능을 더 많이 향상시킨다는 사실을 보인다.

  • PDF

유전 알고리즘을 이용한 임베디드 프로세서 기반의 머신러닝 알고리즘에 관한 연구 (A Study on Machine Learning Algorithms based on Embedded Processors Using Genetic Algorithm)

  • 이소행;석경휴
    • 한국전자통신학회논문지
    • /
    • 제19권2호
    • /
    • pp.417-426
    • /
    • 2024
  • 일반적으로 머신러닝을 수행하기 위해서는 딥러닝 모델에 대한 사전 지식과 경험이 필요하고, 데이터를 연산하기 위해 고성능 하드웨어와 많은 시간이 필요하게 된다. 이러한 이유로 머신러닝은 임베디드 프로세서에서 실행하기에는 많은 제약이 있다.본 논문에서는 이러한 문제를 해결하기 위해 머신러닝의 과정 중 콘볼루션 연산(Convolution operation)에 유전 알고리즘을 적용하여 선택적 콘볼루션 연산(Selective convolution operation)과 학습 방법을 제안한다. 선택적 콘볼루션 연산에서는 유전 알고리즘에 의해 추출된 픽셀에 대해서만 콘볼루션을 수행하는 방식이다. 이 방식은 유전 알고리즘에서 지정한 비율만큼 픽셀을 선택하여 연산하는 방식으로 연산량을 지정된 비율만큼 줄일 수 있다. 본 논문에서는 유전 알고리즘을 적용한 머신러닝 연산의 심화학습을 진행하여 해당 세대의 적합도가 목표치에 도달하는지 확인하고 기존 방식의 연산량과 비교한다. 적합도가 충분히 수렴할 수 있도록 세대를 반복하여 학습하고, 적합도가 높은 모델을 유전 알고리즘의 교배와 돌연변이를 통해 다음 세대의 연산에 활용한다.

Naive Bayes 문서 분류기를 위한 점진적 학습 모델 연구 (A Study on Incremental Learning Model for Naive Bayes Text Classifier)

  • 김제욱;김한준;이상구
    • 정보기술과데이타베이스저널
    • /
    • 제8권1호
    • /
    • pp.95-104
    • /
    • 2001
  • In the text classification domain, labeling the training documents is an expensive process because it requires human expertise and is a tedious, time-consuming task. Therefore, it is important to reduce the manual labeling of training documents while improving the text classifier. Selective sampling, a form of active learning, reduces the number of training documents that needs to be labeled by examining the unlabeled documents and selecting the most informative ones for manual labeling. We apply this methodology to Naive Bayes, a text classifier renowned as a successful method in text classification. One of the most important issues in selective sampling is to determine the criterion when selecting the training documents from the large pool of unlabeled documents. In this paper, we propose two measures that would determine this criterion : the Mean Absolute Deviation (MAD) and the entropy measure. The experimental results, using Renters 21578 corpus, show that this proposed learning method improves Naive Bayes text classifier more than the existing ones.

  • PDF

Suggestion for deep learning approach to solve the interference effect of ammonium ion on potassium ion-selective electrode

  • Kim, Min-Yeong;Heo, Jae-Yeong;Oh, Eun Hun;Lee, Joo-Yul;Lee, Kyu Hwan
    • 한국표면공학회지
    • /
    • 제55권3호
    • /
    • pp.156-163
    • /
    • 2022
  • An ammonium ion with a size and charge similar to that of potassium can bind to valinomycin, which is used as an ion carrier for potassium, and cause a meaningful interference effect on the detection of potassium ions. Currently, there are few ion sensors that correct the interference effect of ammonium ions, and there are few studies that specifically suggest the mechanism of the interference effect. By fabricating a SPCE-based potassium ion-selective electrode, the electromotive force was measured in the concentration range of potassium in the nutrient solution, and the linear range was measured to be 10-5 to 10-2 M, and the detection limit was 10-5.19 M. And the interference phenomenon of the potassium sensor was investigated in the concentration range of ammonium ions present in the nutrient solution. Therefore, a data-based analysis strategy using deep learning was presented as a method to minimize the interference effect.

CAM과 Selective Search를 이용한 확장된 객체 지역화 학습데이터 생성 및 이의 재학습을 통한 WSOL 성능 개선 (Expanded Object Localization Learning Data Generation Using CAM and Selective Search and Its Retraining to Improve WSOL Performance)

  • 고수연;최영우
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제10권9호
    • /
    • pp.349-358
    • /
    • 2021
  • 최근 CAM[1]을 이용해서 이미지의 객체에 대한 주의 영역 또는 지역화(Localization) 영역을 찾는 방법이 WSOL의 연구로서 다양하게 수행되고 있다. CAM을 이용한 객체의 히트(Heat) 맵에서 주의 영역 추출은 객체의 특징이 가장 많이 모여 있는 영역만을 주로 집중해서 객체의 전체적인 영역을 찾지 못하는 단점이 있다. 여기서는 이를 개선하기 위해서 먼저 CAM과 Selective Search[6]를 함께 이용하여 CAM 히트맵의 주의 영역을 확장하고, 확장된 영역에 가우시안 스무딩을 적용하여 재학습 데이터를 만든 후, 이를 학습하여 객체의 주의 영역이 확장되는 방법을 제안한다. 제안 방법은 단 한 번의 재학습만이 필요하며, 학습 후 지역화를 수행할 때는 Selective Search를 실행하지 않기 때문에 처리 시간이 대폭 줄어든다. 실험에서 기존 CAM의 히트맵들과 비교했을 때 핵심 특징 영역으로부터 주의 영역이 확장되고, 확장된 주의 영역 바운딩 박스에 대한 Ground Truth와의 IOU 계산에서 기존 CAM보다 약 58%가 개선되었다.

자질집합선택 기반의 기계학습을 통한 한국어 기본구 인식의 성능향상 (Improving the Performance of Korean Text Chunking by Machine learning Approaches based on Feature Set Selection)

  • 황영숙;정후중;박소영;곽용재;임해창
    • 한국정보과학회논문지:소프트웨어및응용
    • /
    • 제29권9호
    • /
    • pp.654-668
    • /
    • 2002
  • In this paper, we present an empirical study for improving the Korean text chunking based on machine learning and feature set selection approaches. We focus on two issues: the problem of selecting feature set for Korean chunking, and the problem of alleviating the data sparseness. To select a proper feature set, we use a heuristic method of searching through the space of feature sets using the estimated performance from a machine learning algorithm as a measure of "incremental usefulness" of a particular feature set. Besides, for smoothing the data sparseness, we suggest a method of using a general part-of-speech tag set and selective lexical information under the consideration of Korean language characteristics. Experimental results showed that chunk tags and lexical information within a given context window are important features and spacing unit information is less important than others, which are independent on the machine teaming techniques. Furthermore, using the selective lexical information gives not only a smoothing effect but also the reduction of the feature space than using all of lexical information. Korean text chunking based on the memory-based learning and the decision tree learning with the selected feature space showed the performance of precision/recall of 90.99%/92.52%, and 93.39%/93.41% respectively.

Learning Probabilistic Kernel from Latent Dirichlet Allocation

  • Lv, Qi;Pang, Lin;Li, Xiong
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제10권6호
    • /
    • pp.2527-2545
    • /
    • 2016
  • Measuring the similarity of given samples is a key problem of recognition, clustering, retrieval and related applications. A number of works, e.g. kernel method and metric learning, have been contributed to this problem. The challenge of similarity learning is to find a similarity robust to intra-class variance and simultaneously selective to inter-class characteristic. We observed that, the similarity measure can be improved if the data distribution and hidden semantic information are exploited in a more sophisticated way. In this paper, we propose a similarity learning approach for retrieval and recognition. The approach, termed as LDA-FEK, derives free energy kernel (FEK) from Latent Dirichlet Allocation (LDA). First, it trains LDA and constructs kernel using the parameters and variables of the trained model. Then, the unknown kernel parameters are learned by a discriminative learning approach. The main contributions of the proposed method are twofold: (1) the method is computationally efficient and scalable since the parameters in kernel are determined in a staged way; (2) the method exploits data distribution and semantic level hidden information by means of LDA. To evaluate the performance of LDA-FEK, we apply it for image retrieval over two data sets and for text categorization on four popular data sets. The results show the competitive performance of our method.

사립대학병원의 균형, 조정, 학습 전략이 경영성과에 미치는 영향 (Effects of Balancing, Coordinating and Learning Strategy on Performance in Private University Hospitals)

  • 성권제;백수경;류시원
    • 한국병원경영학회지
    • /
    • 제18권2호
    • /
    • pp.127-152
    • /
    • 2013
  • The purpose of this study was to investigate the effect of balancing, coordinating and learning strategy on performance of private university hospitals. We think that the study will contribute to establish effective management strategy of private university hospitals. Data were collected from 69 private university hospitals. We measured balancing, coordinating and learning strategy, and perceived performance of the hospital by using 5-point Likert scale. Upper-grade general hospitals were significantly higher rate of growth and profitability than others. However, general hospitals were higher level in perceived performance than upper-grade general hospitals. Hospitals located in Seoul were significantly higher growth rate than those in other regions. Large-scale hospitals were significantly higher rate of growth and profitability than small hospitals. Qualitative performance did not different in any hospital characteristics. Growth of hospitals were significantly influenced from business strategies: selective strategy, formal coordinating strategy, and external learning strategy. Profitability of hospitals were also significantly influenced from business strategies: selective strategy, adaptive strategy, and external learning strategy. Subjective performance of hospitals were significantly influenced from external learning strategy. There were no factors that are significantly influencing on qualitative performance of hospital. To have successful performance in the competitive environment, it is recommended that private university hospitals should have to establish management strategy such as balancing, coordinating, and learning strategy.

  • PDF