• Title/Summary/Keyword: 학습 집합

Search Result 553, Processing Time 0.03 seconds

Performance Improvement of Nearest-neighbor Classification Learning through Prototype Selections (프로토타입 선택을 이용한 최근접 분류 학습의 성능 개선)

  • Hwang, Doo-Sung
    • Journal of the Institute of Electronics Engineers of Korea CI
    • /
    • v.49 no.2
    • /
    • pp.53-60
    • /
    • 2012
  • Nearest-neighbor classification predicts the class of an input data with the most frequent class among the near training data of the input data. Even though nearest-neighbor classification doesn't have a training stage, all of the training data are necessary in a predictive stage and the generalization performance depends on the quality of training data. Therefore, as the training data size increase, a nearest-neighbor classification requires the large amount of memory and the large computation time in prediction. In this paper, we propose a prototype selection algorithm that predicts the class of test data with the new set of prototypes which are near-boundary training data. Based on Tomek links and distance metric, the proposed algorithm selects boundary data and decides whether the selected data is added to the set of prototypes by considering classes and distance relationships. In the experiments, the number of prototypes is much smaller than the size of original training data and we takes advantages of storage reduction and fast prediction in a nearest-neighbor classification.

A Study on Machine Learning and Basic Algorithms (기계학습 및 기본 알고리즘 연구)

  • Kim, Dong-Hyun;Lee, Tae-ho;Lee, Byung-Jun;Kim, Kyung-Tae;Youn, Hee-Yong
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2018.07a
    • /
    • pp.35-36
    • /
    • 2018
  • 본 논문에서는 기계학습 및 기계학습 기법 중에서도 Markov Decision Process (MDP)를 기반으로 하는 강화학습에 대해 알아보고자 한다. 강화학습은 기계학습의 일종으로 주어진 환경 안에서 의사결정자(Agent)는 현재의 상태를 인식하고 가능한 행동 집합 중에서 보상을 극대화할 수 있는 행동을 선택하는 방법이다. 일반적인 기계학습과는 달리 강화학습은 학습에 필요한 사전 지식을 요구하지 않기 때문에 불명확한 환경 속에서도 반복 학습이 가능하다. 본 연구에서는 일반적인 강화학습 및 강화학습 중에서 가장 많이 사용되고 있는 Q-learning 에 대해 간략히 설명한다.

  • PDF

A Study of Research on Methods of Automated Biomedical Document Classification using Topic Modeling and Deep Learning (토픽모델링과 딥 러닝을 활용한 생의학 문헌 자동 분류 기법 연구)

  • Yuk, JeeHee;Song, Min
    • Journal of the Korean Society for information Management
    • /
    • v.35 no.2
    • /
    • pp.63-88
    • /
    • 2018
  • This research evaluated differences of classification performance for feature selection methods using LDA topic model and Doc2Vec which is based on word embedding using deep learning, feature corpus sizes and classification algorithms. In addition to find the feature corpus with high performance of classification, an experiment was conducted using feature corpus was composed differently according to the location of the document and by adjusting the size of the feature corpus. Conclusionally, in the experiments using deep learning evaluate training frequency and specifically considered information for context inference. This study constructed biomedical document dataset, Disease-35083 which consisted biomedical scholarly documents provided by PMC and categorized by the disease category. Throughout the study this research verifies which type and size of feature corpus produces the highest performance and, also suggests some feature corpus which carry an extensibility to specific feature by displaying efficiency during the training time. Additionally, this research compares the differences between deep learning and existing method and suggests an appropriate method by classification environment.

Two-Stage Neural Network Optimization for Robust Solar Photovoltaic Forecasting (강건한 태양광 발전량 예측을 위한 2단계 신경망 최적화)

  • Jinyeong Oh;Dayeong So;Jihoon Moon
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2024.01a
    • /
    • pp.31-34
    • /
    • 2024
  • 태양광 에너지는 탄소 중립 이행을 위한 주요 방안으로 많은 주목을 받고 있다. 태양광 발전량은 여러 환경적 요인에 따라 크게 달라질 수 있으므로, 정확한 발전량 예측은 전력 네트워크의 안정성과 효율적인 에너지 관리에 근본적으로 중요하다. 대표적인 인공지능 기술인 신경망(Neural Network)은 불안정한 환경 변수와 복잡한 상호작용을 효과적으로 학습할 수 있어 태양광 발전량 예측에서 우수한 성능을 도출하였다. 하지만, 신경망은 모델의 구조나 초매개변수(Hyperparameter)를 최적화하는 것은 복잡하고 시간이 많이 드는 작업이므로, 에너지 분야에서 실제 산업 적용에 한계가 존재한다. 본 논문은 2단계 신경망 최적화를 통한 태양광 발전량 예측 기법을 제안한다. 먼저, 태양광 발전량 데이터 셋을 훈련 집합과 평가 집합으로 분할한다. 훈련 집합에서, 각기 다른 은닉층의 개수로 구성된 여러 신경망 모델을 구성하고, 모델별로 Optuna를 적용하여 최적의 초매개변숫값을 선정한다. 다음으로, 은닉층별 최적화된 신경망 모델을 이용해 훈련과 평가 집합에서는 각각 5겹 교차검증을 적용한 발전량 추정값과 예측값을 출력한다. 마지막으로, 스태킹 앙상블 방식을 채택해 기본 초매개변숫값으로 설정해도 우수한 성능을 도출하는 랜덤 포레스트를 이용하여 추정값을 학습하고, 평가 집합의 예측값을 입력으로 받아 최종 태양광 발전량을 예측한다. 인천 지역으로 실험한 결과, 제안한 방식은 모델링이 간편할 뿐만 아니라 여러 신경망 모델보다 우수한 예측 성능을 도출하였으며, 이를 바탕으로 국내 에너지 산업에 이바지할 수 있을 것으로 기대한다.

  • PDF

Adaptive SEJONG-NET (적응 학습 능력을 가진 SEJONG-NET)

  • Park, Hye-Young;Lee, Yill-Byung
    • Annual Conference on Human and Language Technology
    • /
    • 1995.10a
    • /
    • pp.164-168
    • /
    • 1995
  • SEJONG-NET은 시각 문자패턴의 인식 과정을 설명 할 수 있는 적절한 패러다임을 제공하기 위해 척추동물의 시신경계 구조와 기능을 모방하여 만든 문자인식 모형이다. 초기에는 온라인 한글 인식을 위하여 설계되었으며, 이후 다양한 문자 집합이나 오프라인 한글 문자를 위한 모뎀들이 개발되었다. 현재까지 개발된 여러 SEJONG-NET 모델이 가지고 있는 문제점은 정직성이라고 할 수 있다. 즉, 설계 초기에 고려한 인식 대상 문자 집합과 문자 패턴에 대해서만 인식이 가능하고, 변형된 패턴을 기존의 패턴으로 근사화하여 해석하거나 새로운 패턴에 대하여 그것을 추가 학습하는 것이 불가능하다. 따라서 본 논문은 SEJONG-NET의 이러한 제약점을 해결하여 한글 인식 문제에 일반적으로 적용될 수 있도록 개선하는 것을 목적으로 한다. 이를 위해 상위층에서는 인간이 가지고 있는 문자에 대한 구조적인 지식을 표현하고 학습을 통해 추가적으로 습득할 수 있는 형태로 구현하였고, 하위층에서는 상위층에서 쓰이는 구조적인 지식을 표현하는데 적합한 특징을 추출해 낼 수 있도록 구현하였다. 특히 하위층에서는 인간의 초기 시각 피질에서 감지되는 특징들을 추출하도록 구현하여 사용되는 특징이 일반성을 가질 수 있도록 하였다. 이러한 방법을 기반으로 하여 본 논문에서는 변형된 패턴에 대한 적응 학습 능력을 가지며 인지과학적인 사실에 보다 충실하도록 개선된, 온라인 한글 인식을 위한 SEJONG-NET 모델을 제안한다.

  • PDF

Accelerating the EM Algorithm through Selective Sampling for Naive Bayes Text Classifier (나이브베이즈 문서분류시스템을 위한 선택적샘플링 기반 EM 가속 알고리즘)

  • Chang Jae-Young;Kim Han-Joon
    • The KIPS Transactions:PartD
    • /
    • v.13D no.3 s.106
    • /
    • pp.369-376
    • /
    • 2006
  • This paper presents a new method of significantly improving conventional Bayesian statistical text classifier by incorporating accelerated EM(Expectation Maximization) algorithm. EM algorithm experiences a slow convergence and performance degrade in its iterative process, especially when real online-textual documents do not follow EM's assumptions. In this study, we propose a new accelerated EM algorithm with uncertainty-based selective sampling, which is simple yet has a fast convergence speed and allow to estimate a more accurate classification model on Naive Bayesian text classifier. Experiments using the popular Reuters-21578 document collection showed that the proposed algorithm effectively improves classification accuracy.

Constructive Induction for a GA-based Inductive Learning Environment (유전 알고리즘 기반 귀납적 학습 환경을 위한 건설적 귀납법)

  • Kim, Yeong-Joon
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.11 no.3
    • /
    • pp.619-626
    • /
    • 2007
  • Constructive induction is a technique to draw useful attributes from given primitive attributes to classify given examples more efficiently. Useful attributes are obtained from given primitive attributes by applying appropriate operators to them. The paper proposes a constructive induction approach for a GA-based inductive learning environment that learns classification rules that ate similar to rules used in PROSPECTOR from given examples. The paper explains our constructive induction approach in details, centering on operators to combine primitive attributes and methods to evaluate the usefulness of derived attributes, and presents the results of various experiments performed to evaluate the effect of our constructive induction approach on the GA-based learning environment.

A Study on Recognition of Citation Metadata using Bidirectional GRU-CRF Model based on Pre-trained Language Model (사전학습 된 언어 모델 기반의 양방향 게이트 순환 유닛 모델과 조건부 랜덤 필드 모델을 이용한 참고문헌 메타데이터 인식 연구)

  • Ji, Seon-yeong;Choi, Sung-pil
    • Journal of the Korean Society for information Management
    • /
    • v.38 no.1
    • /
    • pp.221-242
    • /
    • 2021
  • This study applied reference metadata recognition using bidirectional GRU-CRF model based on pre-trained language model. The experimental group consists of 161,315 references extracted by 53,562 academic documents in PDF format collected from 40 journals published in 2018 based on rules. In order to construct an experiment set. This study was conducted to automatically extract the references from academic literature in PDF format. Through this study, the language model with the highest performance was identified, and additional experiments were conducted on the model to compare the recognition performance according to the size of the training set. Finally, the performance of each metadata was confirmed.

License Plate Recognition System using Deep Convolutional Neural Network (심층 컨볼루션 신경망을 이용한 번호판 인식 시스템)

  • Lim, Sung-Hoon;Park, Byeong-Ju;Lee, Jae-Heung
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2016.04a
    • /
    • pp.754-757
    • /
    • 2016
  • 기존 번호판 인식은 직접 특징 추출 알고리즘을 개발하여 완전 연결 신경망으로 특징을 분류하는 방법이 보편적이다. 본 연구는 전처리 과정에서 번호판 후보군 검출 및 세그먼테이션을 수행하고 특징 추출 없이 미리 학습된 심층 컨볼루션 신경망을 통해 문자를 분류하는 방법을 제안한다. 직접 수집한 2,900장의 번호판 데이터베이스를 이용하여 훈련 집합 및 검증 집합을 구성하였다. 훈련 집합과 검증 집합에 대해 실험한 결과 번호판 후보군 검출률은 97%를 얻을 수 있었고, 이에 대한 인식률은 95%를 얻었다.

kNN Alogrithm by Using Relationship with Words (단어간 연관성을 사용한 kNN 알고리즘)

  • Jeun, Seong Ryong;Lee, Jae Moon;Oh, Ha Ryoung
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2007.11a
    • /
    • pp.471-474
    • /
    • 2007
  • 본 논문은 연관규칙탐사 기술에서 사용되는 빈발항목집합과 동일한 개념으로 문서분류의 문서에서 빈발단어집합을 정의하고, 이를 사용하여 문서분류 방법으로 잘 알려진 kNN에 적용하였다. 이를 위하여 하나의 문서는 여러 개의 문단으로 나뉘어졌으며, 각 문단에 나타나는 단어들의 집합을 트랜잭션화하여 빈발단어집합을 찾을 수 있도록 하였다. 제안한 방법은 AI::Categorizer 프레임워크에서 구현되었으며 로이터-21578 데이터를 사용하여 학습문서의 크기에 따라 그 정확도가 측정되었다. 정확도의 측정된 결과로 부터 제안된 방법이 기존의 방법에 비하여 정확도를 개선한다는 사실을 알 수 있었다.