• 제목/요약/키워드: Image Classifier

검색결과 487건 처리시간 0.02초

저화질 영상 인식을 위한 화질 저하 모델 기반 다중 인식기 결합 (Multiple-Classifier Combination based on Image Degradation Model for Low-Quality Image Recognition)

  • 류상진;김인중
    • 정보처리학회논문지B
    • /
    • 제17B권3호
    • /
    • pp.233-238
    • /
    • 2010
  • 본 논문에서는 화질 저하 모델에 기반한 다중 인식기 결합을 이용하여 저화질 영상에 대한 인식 성능을 개선하기 위한 방법을 제안한다. 제안하는 방법은 화질 저하 모델을 이용해 특정 화질에 각각 특화된 복수의 인식기들을 생성한다. 인식 과정에서는 인식기들의 결과를 가중 평균에 의해 결합함으로써 최종 결과를 결정한다. 이 때, 각 인식기의 가중치는 입력 영상의 화질 추정 결과에 따라 동적으로 결정된다. 입력 영상의 화질에 특화된 인식기에는 큰 가중치를, 그렇지 않은 인식기에는 작은 가중치를 지정한다. 그 결과, 입력 영상의 화질 변이에 효과적으로 적응할 수 있다. 뿐만 아니라, 복수의 인식기를 사용하기 때문에 저화질 영상에 대하여 단일 인식 시스템보다 더욱 안정적인 성능을 나타낸다. 제안하는 다중 인식기 결합 방법은 화질을 고려하지 않은 다중 인식기 결합 방법이나, 화질을 고려한 단일 인식 방법과 비교하여 더 높은 인식률을 보였다.

NPFAM: Non-Proliferation Fuzzy ARTMAP for Image Classification in Content Based Image Retrieval

  • Anitha, K;Chilambuchelvan, A
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제9권7호
    • /
    • pp.2683-2702
    • /
    • 2015
  • A Content-based Image Retrieval (CBIR) system employs visual features rather than manual annotation of images. The selection of optimal features used in classification of images plays a key role in its performance. Category proliferation problem has a huge impact on performance of systems using Fuzzy Artmap (FAM) classifier. The proposed CBIR system uses a modified version of FAM called Non-Proliferation Fuzzy Artmap (NPFAM). This is developed by introducing significant changes in the learning process and the modified algorithm is evaluated by extensive experiments. Results have proved that NPFAM classifier generates a more compact rule set and performs better than FAM classifier. Accordingly, the CBIR system with NPFAM classifier yields good retrieval.

Efficient Eye Location for Biomedical Imaging using Two-level Classifier Scheme

  • Nam, Mi-Young;Wang, Xi;Rhee, Phill-Kyu
    • International Journal of Control, Automation, and Systems
    • /
    • 제6권6호
    • /
    • pp.828-835
    • /
    • 2008
  • We present a novel method for eye location by means of a two-level classifier scheme. Locating the eye by machine-inspection of an image or video is an important problem for Computer Vision and is of particular value to applications in biomedical imaging. Our method aims to overcome the significant challenge of an eye-location that is able to maintain high accuracy by disregarding highly variable changes in the environment. A first level of computational analysis processes this image context. This is followed by object detection by means of a two-class discrimination classifier(second algorithmic level).We have tested our eye location system using FERET and BioID database. We compare the performance of two-level classifier with that of non-level classifier, and found it's better performance.

RBFNNs 패턴분류기와 객체 추적 알고리즘을 이용한 얼굴인식 및 추적 시스템 설계 (Design of Face Recognition and Tracking System by Using RBFNNs Pattern Classifier with Object Tracking Algorithm)

  • 오승훈;오성권;김진율
    • 전기학회논문지
    • /
    • 제64권5호
    • /
    • pp.766-778
    • /
    • 2015
  • In this paper, we design a hybrid system for recognition and tracking realized with the aid of polynomial based RBFNNs pattern classifier and particle filter. The RBFNN classifier is built by learning the training data for diverse pose images. The optimized parameters of RBFNN classifier are obtained by Particle Swarm Optimization(PSO). Testing data for pose image is used as a face image obtained under real situation, where the face image is detected by AdaBoost algorithm. In order to improve the recognition performance for a detected image, pose estimation as preprocessing step is carried out before the face recognition step. PCA is used for pose estimation, the pose of detected image is assigned for the built pose by considering the featured difference between the previously built pose image and the newly detected image. The recognition of detected image is performed through polynomial based RBFNN pattern classifier, and if the detected image is equal to target for tracking, the target will be traced by particle filter in real time. Moreover, when tracking is failed by PF, Adaboost algorithm detects facial area again, and the procedures of both the pose estimation and the image recognition are repeated as mentioned above. Finally, experimental results are compared and analyzed by using Honda/UCSD data known as benchmark DB.

Detection of Forged Signatures Using Directional Gradient Spectrum of Image Outline and Weighted Fuzzy Classifier

  • Kim, Chang-Kyu;Han, Soo-Whan
    • 한국멀티미디어학회논문지
    • /
    • 제7권12호
    • /
    • pp.1639-1649
    • /
    • 2004
  • In this paper, a method for detection of forged signatures based on spectral analysis of directional gradient density function and a weighted fuzzy classifier is proposed. The well defined outline of an incoming signature image is extracted in a preprocessing stage which includes noise reduction, automatic thresholding, image restoration and erosion process. The directional gradient density function derived from extracted signature outline is highly related to the overall shape of signature image, and thus its frequency spectrum is used as a feature set. With this spectral feature set, having a property to be invariant in size, shift, and rotation, a weighted fuzzy classifier is evaluated for the verification of freehand and random forgeries. Experiments show that less than 5% averaged error rate can be achieved on a database of 500 signature samples.

  • PDF

Lightweight image classifier for CIFAR-10

  • Sharma, Akshay Kumar;Rana, Amrita;Kim, Kyung Ki
    • 센서학회지
    • /
    • 제30권5호
    • /
    • pp.286-289
    • /
    • 2021
  • Image classification is one of the fundamental applications of computer vision. It enables a system to identify an object in an image. Recently, image classification applications have broadened their scope from computer applications to edge devices. The convolutional neural network (CNN) is the main class of deep learning neural networks that are widely used in computer tasks, and it delivers high accuracy. However, CNN algorithms use a large number of parameters and incur high computational costs, which hinder their implementation in edge hardware devices. To address this issue, this paper proposes a lightweight image classifier that provides good accuracy while using fewer parameters. The proposed image classifier diverts the input into three paths and utilizes different scales of receptive fields to extract more feature maps while using fewer parameters at the time of training. This results in the development of a model of small size. This model is tested on the CIFAR-10 dataset and achieves an accuracy of 90% using .26M parameters. This is better than the state-of-the-art models, and it can be implemented on edge devices.

피부색상을 이용한 유해영상 분류기 개발 (Development of an Adult Image Classifier using Skin Color)

  • 윤진성;김계영;최형일
    • 한국콘텐츠학회논문지
    • /
    • 제9권4호
    • /
    • pp.1-11
    • /
    • 2009
  • 최근 인터넷에 유통되는 유해영상이 급증하면서 이들을 자동으로 차단하는 컴퓨터비전 기술의 연구가 활발히 이루어지고 있다. 본 논문에서는 피부색상을 이용한 유해영상 분류도구를 연구 및 개발한다. 제안하는 분류도구는 2단계로 구성되며, 1단계에서는 피부색 분류기를 이용하여 입력영상에서 피부색 영역을 검출하고, 2단계에서는 영역특징 분류기를 이용하여 앞서 검출된 피부색 영역의 비율과 위치 특징을 무해 또는 유해로 분류한다. 피부색 분류기는 히스토그램 모델에 기반하여 무해영상과 유해영상의 RGB 값으로 학습되며, 영역특징 분류기는 SVM(Support Vector Machine)에 기반하여 영상의 29개 지역의 피부색 비율로 학습된다. 실험결과 제안하는 분류기는 92.80%의 검출율(Detection Rate)과 6.73%의 양성오류율(False Positive Rate)을 나타내었다.

Classifier Combination Based Source Identification for Cell Phone Images

  • Wang, Bo;Tan, Yue;Zhao, Meijuan;Guo, Yanqing;Kong, Xiangwei
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제9권12호
    • /
    • pp.5087-5102
    • /
    • 2015
  • Rapid popularization of smart cell phone equipped with camera has led to a number of new legal and criminal problems related to multimedia such as digital image, which makes cell phone source identification an important branch of digital image forensics. This paper proposes a classifier combination based source identification strategy for cell phone images. To identify the outlier cell phone models of the training sets in multi-class classifier, a one-class classifier is orderly used in the framework. Feature vectors including color filter array (CFA) interpolation coefficients estimation and multi-feature fusion is employed to verify the effectiveness of the classifier combination strategy. Experimental results demonstrate that for different feature sets, our method presents high accuracy of source identification both for the cell phone in the training sets and the outliers.

Performance Improvement of Classifier by Combining Disjunctive Normal Form features

  • Min, Hyeon-Gyu;Kang, Dong-Joong
    • International Journal of Internet, Broadcasting and Communication
    • /
    • 제10권4호
    • /
    • pp.50-64
    • /
    • 2018
  • This paper describes a visual object detection approach utilizing ensemble based machine learning. Object detection methods employing 1D features have the benefit of fast calculation speed. However, for real image with complex background, detection accuracy and performance are degraded. In this paper, we propose an ensemble learning algorithm that combines a 1D feature classifier and 2D DNF (Disjunctive Normal Form) classifier to improve the object detection performance in a single input image. Also, to improve the computing efficiency and accuracy, we propose a feature selecting method to reduce the computing time and ensemble algorithm by combining the 1D features and 2D DNF features. In the verification experiments, we selected the Haar-like feature as the 1D image descriptor, and demonstrated the performance of the algorithm on a few datasets such as face and vehicle.

공정의 선후행관계를 이용한 공종 이미지 분류 성능 향상 (Enhancing Work Trade Image Classification Performance Using a Work Dependency Graph)

  • 정상원;정기창
    • 한국건설관리학회논문집
    • /
    • 제22권1호
    • /
    • pp.106-115
    • /
    • 2021
  • 이미지를 이용해 공종을 분류하는 작업은 건설 관리와 공정 관리와 같은 더욱 복잡한 어플리케이션에서 중요한 역할을 수행할 수 있다. 하지만, 공사 현장에서 수집한 이미지들은 항상 깨끗하지 않을 수 있고, 이와 같이 문제가 있는 이미지들은 이미지 분류기의 성능에 부정적인 타격을 입힐 수 있다. 이러한 가능성은 공종을 판별하는 시스템을 보조할 수 있는 데이터나 방법의 필요성을 부각한다. 본 연구에서 우리는 공종의 선·후행 관계를 이용해 이미지 분류기를 보조하여 공종을 판별하는 시스템의 성능을 높이는 방법을 제시한다. 그리고 제시하는 방법이 공종 판별의 성능을 향상시킬 수 있다는 것을 보인다. 특히, 이미지 판별기의 성능이 좋지 않을때 더욱 드라마틱한 성능의 향상을 경험할 수 있다는 것을 알 수 있었다.