• Title/Summary/Keyword: Neural Network Classifier

검색결과 495건 처리시간 0.021초

A Novel Unweighted Combination Method for Business Failure Prediction Using Soft Set

  • Xu, Wei;Yang, Daoli
    • Journal of Information Processing Systems
    • /
    • 제15권6호
    • /
    • pp.1489-1502
    • /
    • 2019
  • This work introduces a novel unweighted combination method (UCSS) for business failure perdition (BFP). With considering features of BFP in the age of big data, UCSS integrates the quantitative and qualitative analysis by utilizing soft set theory (SS). We adopt the conventional expert system (ES) as the basic qualitative classifier, the logistic regression model (LR) and the support vector machine (SVM) as basic quantitative classifiers. Unlike other traditional combination methods, we employ soft set theory to integrate the results of each basic classifier without weighting. In this way, UCSS inherits the advantages of ES, LR, SVM, and SS. To verify the performance of UCSS, it is applied to real datasets. We adopt ES, LR, SVM, combination models utilizing the equal weight approach (CMEW), neural network algorithm (CMNN), rough set and D-S evidence theory (CMRD), and the receiver operating characteristic curve (ROC) and SS (CFBSS) as benchmarks. The superior performance of UCSS has been verified by the empirical experiments.

4채널 뇌파를 이용한 쾌적성 평가에 관한 연구 (A Study on the Comfortableness Evaluation using 4-Channel EEGs)

  • 김흥환;김동준
    • 대한전기학회:학술대회논문집
    • /
    • 대한전기학회 2002년도 합동 추계학술대회 논문집 정보 및 제어부문
    • /
    • pp.7-10
    • /
    • 2002
  • This paper describes a method of comfortableness evaluation using 4-channel EEGs. The proposed method uses the linear predictor coefficients as EEG feature parameters and neural network as comfortableness pattern classifier. For subject independent system, multi-templates are stored and the most similar template can be selected. Changing the temperature and humidity conditions, 4-channel EEG signals for 10 subjects are collected. As a result, the developed algorithm showed about 66.7% performance in the comfortableness evaluation.

  • PDF

컨볼루션 신경망을 이용한 CCTV 영상 기반의 성별구분 (CCTV Based Gender Classification Using a Convolutional Neural Networks)

  • 강현곤;박장식;송종관;윤병우
    • 한국멀티미디어학회논문지
    • /
    • 제19권12호
    • /
    • pp.1943-1950
    • /
    • 2016
  • Recently, gender classification has attracted a great deal of attention in the field of video surveillance system. It can be useful in many applications such as detecting crimes for women and business intelligence. In this paper, we proposed a method which can detect pedestrians from CCTV video and classify the gender of the detected objects. So far, many algorithms have been proposed to classify people according the their gender. This paper presents a gender classification using convolutional neural network. The detection phase is performed by AdaBoost algorithm based on Haar-like features and LBP features. Classifier and detector is trained with data-sets generated form CCTV images. The experimental results of the proposed method is male matching rate of 89.9% and the results shows 90.7% of female videos. As results of simulations, it is shown that the proposed gender classification is better than conventional classification algorithm.

인쇄체 한글문자 인식을 위한 계층적 신경망 (A Hierarchical Neural Network for Printed Hangul Character Recognition)

  • 조성배;김진형
    • 인지과학
    • /
    • 제2권1호
    • /
    • pp.33-50
    • /
    • 1990
  • 기존의 방법으로 해결하기 어려운 문제를 풀기 위하여 최근에는 인간늬 두뇌 구조를 모델링한 신경망이 새로운 방법으로 도입되고 있다. 본 논문에서는 여러가지 지각 심리학적 연구에 근거를 두고 신경망을 통한 인쇄체 한글인 식 시스템을 구축한 후, 몇가지 실험을 통하여 신경망 기법이 인간과 유사한 특성을 나타냄을 살펴보았다. 상용하는 990자에 대하여 실험한 결과 오인식 된 문자의 혼동패턴이 기존의 연구결과와 비슷하였으며, 학습하지 않은 문자도 어느정도 인식해 내는 일반화 능력이 있음을 볼 수 있었다. 또, 학습이 잘되지 않는 문자를 좀더 반복하여 경우 학습속도가 향상됨을 볼 수 있었다.

Sound Based Machine Fault Diagnosis System Using Pattern Recognition Techniques

  • Vununu, Caleb;Moon, Kwang-Seok;Lee, Suk-Hwan;Kwon, Ki-Ryong
    • 한국멀티미디어학회논문지
    • /
    • 제20권2호
    • /
    • pp.134-143
    • /
    • 2017
  • Machine fault diagnosis recovers all the studies that aim to detect automatically faults or damages on machines. Generally, it is very difficult to diagnose a machine fault by conventional methods based on mathematical models because of the complexity of the real world systems and the obvious existence of nonlinear factors. This study develops an automatic machine fault diagnosis system that uses pattern recognition techniques such as principal component analysis (PCA) and artificial neural networks (ANN). The sounds emitted by the operating machine, a drill in this case, are obtained and analyzed for the different operating conditions. The specific machine conditions considered in this research are the undamaged drill and the defected drill with wear. Principal component analysis is first used to reduce the dimensionality of the original sound data. The first principal components are then used as the inputs of a neural network based classifier to separate normal and defected drill sound data. The results show that the proposed PCA-ANN method can be used for the sounds based automated diagnosis system.

Analysis of Weights and Feature Patterns in Popular 2D Deep Neural Networks Models for MRI Image Classification

  • Khagi, Bijen;Kwon, Goo-Rak
    • Journal of Multimedia Information System
    • /
    • 제9권3호
    • /
    • pp.177-182
    • /
    • 2022
  • A deep neural network (DNN) includes variables whose values keep on changing with the training process until it reaches the final point of convergence. These variables are the co-efficient of a polynomial expression to relate to the feature extraction process. In general, DNNs work in multiple 'dimensions' depending upon the number of channels and batches accounted for training. However, after the execution of feature extraction and before entering the SoftMax or other classifier, there is a conversion of features from multiple N-dimensions to a single vector form, where 'N' represents the number of activation channels. This usually happens in a Fully connected layer (FCL) or a dense layer. This reduced 2D feature is the subject of study for our analysis. For this, we have used the FCL, so the trained weights of this FCL will be used for the weight-class correlation analysis. The popular DNN models selected for our study are ResNet-101, VGG-19, and GoogleNet. These models' weights are directly used for fine-tuning (with all trained weights initially transferred) and scratch trained (with no weights transferred). Then the comparison is done by plotting the graph of feature distribution and the final FCL weights.

합성곱 신경망을 이용한 종 수준의 동물플랑크톤 분류기 및 시각화 (Species-level Zooplankton Classifier and Visualization using a Convolutional Neural Network)

  • 정만기;서호영;정희택
    • 한국전자통신학회논문지
    • /
    • 제19권4호
    • /
    • pp.721-732
    • /
    • 2024
  • 동물플랑크톤의 종 동종은 해양 생태계의 이해 및 지구온난화를 연구하는데 가장 기본이다. 본 연구에서는 3종의 동물플랑크톤을 종 수준에서 암컷과 수컷을 분류할 수 있는 합성곱 신경망 모델을 제안한다. 첫째 연구자들이 획득하는 현미경 이미지를 기반으로 형태적 특징을 포함하는 학습데이터를 구축한다. 학습데이터의 구축에 있어 대상 종의 형태적 특징 정보를 보존하는 데이터 확대 방법을 적용한다. 둘째 구축된 학습데이터로부터 종 특징들이 학습될 수 있는 합성곱 신경망 모델을 제안한다. 제안한 모델은 높은 해상도를 고려하여 학습 이미지 정보 손실을 최소화하였고 완전 연결 층 대신에 전역 평균 폴링 층을 사용하여 학습 매개 변수 개수를 최소화하였다. 제안한 모델의 일반성을 제시하기 위해 새로이 획득한 데이터를 기반으로 성능을 제시하였다. 마지막으로 개발된 모델에서 추출된 특징들의 시각화를 통해, 분류 모델의 중요 특징을 제시하였다.

Data mining approach to predicting user's past location

  • Lee, Eun Min;Lee, Kun Chang
    • 한국컴퓨터정보학회논문지
    • /
    • 제22권11호
    • /
    • pp.97-104
    • /
    • 2017
  • Location prediction has been successfully utilized to provide high quality of location-based services to customers in many applications. In its usual form, the conventional type of location prediction is to predict future locations based on user's past movement history. However, as location prediction needs are expanded into much complicated cases, it becomes necessary quite frequently to make inference on the locations that target user visited in the past. Typical cases include the identification of locations that infectious disease carriers may have visited before, and crime suspects may have dropped by on a certain day at a specific time-band. Therefore, primary goal of this study is to predict locations that users visited in the past. Information used for this purpose include user's demographic information and movement histories. Data mining classifiers such as Bayesian network, neural network, support vector machine, decision tree were adopted to analyze 6868 contextual dataset and compare classifiers' performance. Results show that general Bayesian network is the most robust classifier.

다층신경망에서 하이브리드 학습 규칙의 구현에 관한 연구 (A Study on the Implementation of Hybrid Learning Rule for Neural Network)

  • 송도선;김석동;이행세
    • 한국음향학회지
    • /
    • 제13권4호
    • /
    • pp.60-68
    • /
    • 1994
  • 본 논문에서는 다층구조 순방향 신경회로망에 적용될 수 있는 것으로 입력의 특징 추출기능(Feature Extractor)이 우수한 Hebb 학습 규칙과 패턴 분류 기능(Classifier)이 우수한 BP 알고리듬을 결합한 Hybrid학습 규칙을 제안하고자 한다. 오차역전파 학습법칙을 적용한 다층구조퍼셉트론(MLP)과는 달리, 다층구조에 오차역전파 학습법칙과 Hebb학습법칙이 동시에 적용될 수 있는 Hybrid(Hebbian+BP)학습법칙은 학습시에 출력층의 연결강도를 제외한 모든 연결강도 계산에 적용되며 출력층에는 기존의 오차역전파법칙만이 적용된다. 출력층에 Hebb 학습법칙을 제외시킨것은 다층구조학습시에 학습의 수렴성에 대한 보장이 주어져 있지 않기 때문이다. 제안된 Hybrid 학습법칙의 성능평가를 위해 몇가지의 영역구분 문제에 적용한 결과 제안된 학습법이 기존의 BP보다 우수함을 보였다. 학습속도면에서는 기존의 BP법칙에 비해 훨씬 빠른 수렴속도를 보여 주었는데, 그중 한가지 예를 보면 제안된 Hybrid법칙에 의한 학습은 기존의 BP의 학습회수의 2/10만으로도 가능함을 보여주었다. 인식률에서도 제안된 법칙에 의한 결과가 BP에 의한 결과보다 최고 약 $0.77\%$ 우수하다.

  • PDF

다중 모달 생체신호를 이용한 딥러닝 기반 감정 분류 (Deep Learning based Emotion Classification using Multi Modal Bio-signals)

  • 이지은;유선국
    • 한국멀티미디어학회논문지
    • /
    • 제23권2호
    • /
    • pp.146-154
    • /
    • 2020
  • Negative emotion causes stress and lack of attention concentration. The classification of negative emotion is important to recognize risk factors. To classify emotion status, various methods such as questionnaires and interview are used and it could be changed by personal thinking. To solve the problem, we acquire multi modal bio-signals such as electrocardiogram (ECG), skin temperature (ST), galvanic skin response (GSR) and extract features. The neural network (NN), the deep neural network (DNN), and the deep belief network (DBN) is designed using the multi modal bio-signals to analyze emotion status. As a result, the DBN based on features extracted from ECG, ST and GSR shows the highest accuracy (93.8%). It is 5.7% higher than compared to the NN and 1.4% higher than compared to the DNN. It shows 12.2% higher accuracy than using only single bio-signal (GSR). The multi modal bio-signal acquisition and the deep learning classifier play an important role to classify emotion.