• Title/Summary/Keyword: 단일 클래스 분류

Search Result 69, Processing Time 0.051 seconds

Object Classification with Angular Margin Loss Function (각도 마진 손실 함수를 적용한 객체 분류)

  • Park, Seonji;Cho, Namik
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2022.06a
    • /
    • pp.224-227
    • /
    • 2022
  • 객체 분류는 입력으로 주어진 이미지에 포함된 객체의 종류를 판단하는 기술이다. 대표적인 딥러닝 기반의 객체 분류 방법으로서 Faster R-CNN[2], YOLO[3] 등의 모델이 개발되었으나, 여전히 성능 향상의 여지가 있다. 본 연구에서는 각도 마진 손실 함수를 기존의 몇 가지 객채 분류 모델에 적용하여 성능 향상을 유도한다. 각도 마진 손실 함수는 얼굴 인식 모델인 SphereFace [4]에서 제안한 방법으로, 얼굴 인식과 같이 단일 도메인의 데이터셋을 분류하는 문제를 풀기 위해 제안되었다. 이는 기존 소프트맥스 함수에서 클래스 결정 경계선에 마진을 주는 방식으로 클래스 간의 구분 능력을 향상시킨다. 본 논문은 각도 마진 손실 함수를 CIFAR10, CIFAR100 데이터셋의 분류 문제에 적용하였으며 ResNet, EfficientNet, MobileNet 등의 백본 네트워크로 실험하여 평균적으로 mAP 성능이 향상되는 것을 확인하였다.

  • PDF

Vibration Anomaly Detection of One-Class Classification using Multi-Column AutoEncoder

  • Sang-Min, Kim;Jung-Mo, Sohn
    • Journal of the Korea Society of Computer and Information
    • /
    • v.28 no.2
    • /
    • pp.9-17
    • /
    • 2023
  • In this paper, we propose a one-class vibration anomaly detection system for bearing defect diagnosis. In order to reduce the economic and time loss caused by bearing failure, an accurate defect diagnosis system is essential, and deep learning-based defect diagnosis systems are widely studied to solve the problem. However, it is difficult to obtain abnormal data in the actual data collection environment for deep learning learning, which causes data bias. Therefore, a one-class classification method using only normal data is used. As a general method, the characteristics of vibration data are extracted by learning the compression and restoration process through AutoEncoder. Anomaly detection is performed by learning a one-class classifier with the extracted features. However, this method cannot efficiently extract the characteristics of the vibration data because it does not consider the frequency characteristics of the vibration data. To solve this problem, we propose an AutoEncoder model that considers the frequency characteristics of vibration data. As for classification performance, accuracy 0.910, precision 1.0, recall 0.820, and f1-score 0.901 were obtained. The network design considering the vibration characteristics confirmed better performance than existing methods.

Model-based Ozone Forecasting System using Fuzzy Clustering and Decision tree (퍼지 클러스터링과 결정 트리를 이용한 모델기반 오존 예보 시스템)

  • 천성표;이미희;이상혁;김성신
    • Proceedings of the Korean Institute of Intelligent Systems Conference
    • /
    • 2004.04a
    • /
    • pp.458-461
    • /
    • 2004
  • 오존 반응 메카니즘은 상당히 복잡하고 비선형적이기 때문에 오존 농도를 예측하는 것은 상당한 어려움을 안고 있다 따라서, 신뢰성 높은 오존 예측값을 구하는데 단일 예측모델만으로는 한계가 있으며, 이를 개선하기 위하여 다중 모델을 제안하였다. 입력데이터에 퍼지 클러스터링을 사용하여 고, 중, 저농도별로 그룹핑한 후, 그룹핑된 오존농도에 대해서 의사결정 트리를 사용하여 그룹핑된 오존데이터가 어느 정도 분류능력을 갖는지 파악하여, 오차가 가장 적은 분류특성을 갖는 그룹을 설정하여, 다중모델의 입력 데이터로 사용하여 모델을 형성하였다. 의사결정 트리를 이용하여 모델의 입력 데이터를 설정하는 것은 어떤 오존농도까지의 범위를 클래스로 설정하느냐에 따라서 모델의 성능과 고, 중, 저농도의 오존을 분류하는 성능이 달라지므로 본 논문에서는 퍼지 클러스터링을 이용하여 의사결정 트리의 클래스의 범위를 설정하여 예측 시스템을 구현하였다.

  • PDF

Multi-class Classification System Based on Multi-loss Linear Combination for Word Spacing and Sentence Boundary Detection (띄어쓰기 및 문장 경계 인식을 위한 다중 손실 선형 결합 기반의 다중 클래스 분류 시스템)

  • Kim, GiHwan;Seo, Jisu;Lee, Kyungyeol;Ko, Youngjoong
    • Annual Conference on Human and Language Technology
    • /
    • 2018.10a
    • /
    • pp.185-188
    • /
    • 2018
  • 띄어쓰기와 문장 경계 인식은 그 성능에 따라 자연어 분석 단계에서 오류를 크게 전파하기 때문에 굉장히 중요한 문제로 인식되고 있지만 각각 서로 다른 자질을 사용하는 문제 때문에 각각 다른 모델을 사용해 순차적으로 해결하였다. 그러나 띄어쓰기와 문장 경계 인식은 완전히 다른 문제라고는 볼 수 없으며 두 모델의 순차적 수행은 앞선 모델의 오류가 다음 모델에 전파될 뿐만 아니라 시간 복잡도가 높아진다는 문제점이 있다. 본 논문에서는 띄어쓰기와 문장 경계 인식을 하나의 문제로 보고 한 번에 처리하는 다중 클래스 분류 시스템을 통해 시간 복잡도 문제를 해결하고 다중 손실 선형 결합을 사용하여 띄어쓰기와 문장 경계 인식이 서로 다른 자질을 사용하는 문제를 해결했다. 최종 모델은 띄어쓰기와 문장 경계 인식 기본 모델보다 각각 3.98%p, 0.34%p 증가한 성능을 보였다. 시간 복잡도 면에서도 단일 모델의 순차적 수행 시간보다 38.7% 감소한 수행 시간을 보였다.

  • PDF

A Study on the Training Optimization Using Genetic Algorithm -In case of Statistical Classification considering Normal Distribution- (유전자 알고리즘을 이용한 트레이닝 최적화 기법 연구 - 정규분포를 고려한 통계적 영상분류의 경우 -)

  • 어양담;조봉환;이용웅;김용일
    • Korean Journal of Remote Sensing
    • /
    • v.15 no.3
    • /
    • pp.195-208
    • /
    • 1999
  • In the classification of satellite images, the representative of training of classes is very important factor that affects the classification accuracy. Hence, in order to improve the classification accuracy, it is required to optimize pre-classification stage which determines classification parameters rather than to develop classifiers alone. In this study, the normality of training are calculated at the preclassification stage using SPOT XS and LANDSAT TM. A correlation coefficient of multivariate Q-Q plot with 5% significance level and a variance of initial training are considered as an object function of genetic algorithm in the training normalization process. As a result of normalization of training using the genetic algorithm, it was proved that, for the study area, the mean and variance of each class shifted to the population, and the result showed the possibility of prediction of the distribution of each class.

Improving Weak Classifiers by Using Discriminant Function in Selecting Threshold Values (판별 함수를 이용한 문턱치 선정에 의한 약분류기 개선)

  • Shyam, Adhikari;Yoo, Hyeon-Joong;Kim, Hyong-Suk
    • The Journal of the Korea Contents Association
    • /
    • v.10 no.12
    • /
    • pp.84-90
    • /
    • 2010
  • In this paper, we propose a quadratic discriminant analysis based approach for improving the discriminating strength of weak classifiers based on simple Haar-like features that were used in the Viola-Jones object detection framework. Viola and Jones built a strong classifier using a boosted ensemble of weak classifiers. However, their single threshold (or decision boundary) based weak classifier is sub-optimal and too weak for efficient discrimination between object class and background. A quadratic discriminant analysis based approach is presented which leads to hyper-quadric boundary between the object class and background class, thus realizing multiple thresholds based weak classifiers. Experiments carried out for car detection using 1000 positive and 3000 negative images for training, and 500 positive and 500 negative images for testing show that our method yields higher classification performance with fewer classifiers than single threshold based weak classifiers.

Abnormal Crowd Behavior Detection in Video Surveillance System (영상 감시 시스템에서의 비정상 집단행동 탐지)

  • Park, Seung-Jin;Oh, Seung-Geun;Kang, Bong-Su;Park, Dai-Hee
    • Proceedings of the Korean Information Science Society Conference
    • /
    • 2011.06c
    • /
    • pp.347-350
    • /
    • 2011
  • 감시카메라 환경에서의 비정상 집단행동 탐지란 감시카메라로부터 유입되는 영상에서 다중 객체가 위험에 처한 상황을 신속하고 정확하게 탐지 및 인식하는 분야를 말한다. 본 논문에서는 CCTV 등과 같은 감시카메라 환경에서 움직임 벡터와 SVDD를 이용하여 집단내의 비정상 상황을 탐지하는 프로토타입 시스템을 제안한다. 제안된 시스템은 움직임 벡터를 이용하여 영상내의 움직임 정보를 추출 표현하였으며, 비정상 집단행동의 판별 문제를 실용적 차원의 단일 클래스 분류 문제로 재해석하여 단일 클래스 SVM의 대표적 모델인 SVDD를 탐지자로 설계하였다. 공개적으로 사용 가능한 벤치마크 데이터 셋인 PETS 2009와 UMN을 이용하여 본 논문에서 제안한 비정상 집단행동 탐지 시스템의 성능을 실험적으로 검증한다.

Multiple SVM Classifier for Pattern Classification in Data Mining (데이터 마이닝에서 패턴 분류를 위한 다중 SVM 분류기)

  • Kim Man-Sun;Lee Sang-Yong
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.15 no.3
    • /
    • pp.289-293
    • /
    • 2005
  • Pattern classification extracts various types of pattern information expressing objects in the real world and decides their class. The top priority of pattern classification technologies is to improve the performance of classification and, for this, many researches have tried various approaches for the last 40 years. Classification methods used in pattern classification include base classifier based on the probabilistic inference of patterns, decision tree, method based on distance function, neural network and clustering but they are not efficient in analyzing a large amount of multi-dimensional data. Thus, there are active researches on multiple classifier systems, which improve the performance of classification by combining problems using a number of mutually compensatory classifiers. The present study identifies problems in previous researches on multiple SVM classifiers, and proposes BORSE, a model that, based on 1:M policy in order to expand SVM to a multiple class classifier, regards each SVM output as a signal with non-linear pattern, trains the neural network for the pattern and combine the final results of classification performance.

Automatic Extraction of Initial Training Data Using National Land Cover Map and Unsupervised Classification and Updating Land Cover Map (국가토지피복도와 무감독분류를 이용한 초기 훈련자료 자동추출과 토지피복지도 갱신)

  • Soungki, Lee;Seok Keun, Choi;Sintaek, Noh;Noyeol, Lim;Juweon, Choi
    • Journal of the Korean Society of Surveying, Geodesy, Photogrammetry and Cartography
    • /
    • v.33 no.4
    • /
    • pp.267-275
    • /
    • 2015
  • Those land cover maps have widely been used in various fields, such as environmental studies, military strategies as well as in decision-makings. This study proposes a method to extract training data, automatically and classify the cover using ingle satellite images and national land cover maps, provided by the Ministry of Environment. For this purpose, as the initial training data, those three were used; the unsupervised classification, the ISODATA, and the existing land cover maps. The class was classified and named automatically using the class information in the existing land cover maps to overcome the difficulty in selecting classification by each class and in naming class by the unsupervised classification; so as achieve difficulty in selecting the training data in supervised classification. The extracted initial training data were utilized as the training data of MLC for the land cover classification of target satellite images, which increase the accuracy of unsupervised classification. Finally, the land cover maps could be extracted from updated training data that has been applied by an iterative method. Also, in order to reduce salt and pepper occurring in the pixel classification method, the MRF was applied in each repeated phase to enhance the accuracy of classification. It was verified quantitatively and visually that the proposed method could effectively generate the land cover maps.

microRNA target prediction when negative data is not available for learning (학습을 위한 네거티브 데이터가 존재하지 않는 경우의 microRNA 타겟 예측 방법)

  • Rhee, Je-Keun;Kim, Soo-Jin;Zhang, Byoung-Tak
    • Proceedings of the Korean Information Science Society Conference
    • /
    • 2008.06c
    • /
    • pp.212-216
    • /
    • 2008
  • 기존의 알려진 데이터에 기반하여 분류 알고리즘을 통해 새로운 생물학적인 사실을 예측하는 것은 생물학 연구에 매우 유용하다. 하지만 생물학 데이터 분류 문제에서 positive 데이터만 존재할 뿐, negative 데이터는 존재하지 않는 경우가 많다. 이와 같은 상황에서는 많은 경우에 임의로 negative data를 구성하여 사용하게 된다. 하지만, negative 데이터는 실제로 negative임이 보장된 것이 아니고, 임의로 생성된 데이터의 특성에 따라 분류 성능 및 모델의 특성에 많은 차이를 보일 수 있다. 따라서 본 논문에서는 단일 클래스 분류 알고리즘 중 하나인 support vector data description(SVDD) 방법을 이용하여 실제 microRNA target 예측 문제에서 positive 데이터만을 이용하여 학습하고 분류를 수행하였다. 이를 통해 일반적인 이진 분류 방법에 비해 이와 같은 방법이 실제 생물학 문제에 보다 적합하게 적용될 수 있음을 확인한다.

  • PDF