• Title/Summary/Keyword: Neural Classifier

검색결과 579건 처리시간 0.034초

A Study on an Image Classifier using Multi-Neural Networks (다중 신경망을 이용한 영상 분류기에 관한 연구)

  • Park, Soo-Bong;Park, Jong-An
    • The Journal of the Acoustical Society of Korea
    • /
    • 제14권1호
    • /
    • pp.13-21
    • /
    • 1995
  • In this paper, we improve an image classifier algorithm based on neural network learning. It consists of two steps. The first is input pattern generation and the second, the global neural network implementation using an improved back-propagation algorithm. The feature vector for pattern recognition consists of the codebook data obtained from self-organization feature map learning. It decreases the input neuron number as well as the computational cost. The global neural network algorithm which is used in classifier inserts a control part and an address memory part to the back-propagation algorithm to control weights and unit-offsets. The simulation results show that it does not fall into the local minima and can implement easily the large-scale neural network. And it decreases largely the learning time.

  • PDF

A Study on a Fault Detection and Isolation Method of Nonlinear Systems using SVM and Neural Network (SVM과 신경회로망을 이용한 비선형시스템의 고장감지와 분류방법 연구)

  • Lee, In-Soo;Cho, Jung-Hwan;Seo, Hae-Moon;Nam, Yoon-Seok
    • Journal of Institute of Control, Robotics and Systems
    • /
    • 제18권6호
    • /
    • pp.540-545
    • /
    • 2012
  • In this paper, we propose a fault diagnosis method using artificial neural network and SVM (Support Vector Machine) to detect and isolate faults in the nonlinear systems. The proposed algorithm consists of two main parts: fault detection through threshold testing using a artificial neural network and fault isolation by SVM fault classifier. In the proposed method a fault is detected when the errors between the actual system output and the artificial neural network nominal system output cross a predetermined threshold. Once a fault in the nonlinear system is detected the SVM fault classifier isolates the fault. The computer simulation results demonstrate the effectiveness of the proposed SVM and artificial neural network based fault diagnosis method.

Comparative Analysis of Learning Methods of Fuzzy Clustering-based Neural Network Pattern Classifier (퍼지 클러스터링기반 신경회로망 패턴 분류기의 학습 방법 비교 분석)

  • Kim, Eun-Hu;Oh, Sung-Kwun;Kim, Hyun-Ki
    • The Transactions of The Korean Institute of Electrical Engineers
    • /
    • 제65권9호
    • /
    • pp.1541-1550
    • /
    • 2016
  • In this paper, we introduce a novel learning methodology of fuzzy clustering-based neural network pattern classifier. Fuzzy clustering-based neural network pattern classifier depicts the patterns of given classes using fuzzy rules and categorizes the patterns on unseen data through fuzzy rules. Least squares estimator(LSE) or weighted least squares estimator(WLSE) is typically used in order to estimate the coefficients of polynomial function, but this study proposes a novel coefficient estimate method which includes advantages of the existing methods. The premise part of fuzzy rule depicts input space as "If" clause of fuzzy rule through fuzzy c-means(FCM) clustering, while the consequent part of fuzzy rule denotes output space through polynomial function such as linear, quadratic and their coefficients are estimated by the proposed local least squares estimator(LLSE)-based learning. In order to evaluate the performance of the proposed pattern classifier, the variety of machine learning data sets are exploited in experiments and through the comparative analysis of performance, it provides that the proposed LLSE-based learning method is preferable when compared with the other learning methods conventionally used in previous literature.

Hangul Recognition Using a Hierarchical Neural Network (계층구조 신경망을 이용한 한글 인식)

  • 최동혁;류성원;강현철;박규태
    • Journal of the Korean Institute of Telematics and Electronics B
    • /
    • 제28B권11호
    • /
    • pp.852-858
    • /
    • 1991
  • An adaptive hierarchical classifier(AHCL) for Korean character recognition using a neural net is designed. This classifier has two neural nets: USACL (Unsupervised Adaptive Classifier) and SACL (Supervised Adaptive Classifier). USACL has the input layer and the output layer. The input layer and the output layer are fully connected. The nodes in the output layer are generated by the unsupervised and nearest neighbor learning rule during learning. SACL has the input layer, the hidden layer and the output layer. The input layer and the hidden layer arefully connected, and the hidden layer and the output layer are partially connected. The nodes in the SACL are generated by the supervised and nearest neighbor learning rule during learning. USACL has pre-attentive effect, which perform partial search instead of full search during SACL classification to enhance processing speed. The input of USACL and SACL is a directional edge feature with a directional receptive field. In order to test the performance of the AHCL, various multi-font printed Hangul characters are used in learning and testing, and its processing its speed and and classification rate are compared with the conventional LVQ(Learning Vector Quantizer) which has the nearest neighbor learning rule.

  • PDF

A Multi-Class Classifier of Modified Convolution Neural Network by Dynamic Hyperplane of Support Vector Machine

  • Nur Suhailayani Suhaimi;Zalinda Othman;Mohd Ridzwan Yaakub
    • International Journal of Computer Science & Network Security
    • /
    • 제23권11호
    • /
    • pp.21-31
    • /
    • 2023
  • In this paper, we focused on the problem of evaluating multi-class classification accuracy and simulation of multiple classifier performance metrics. Multi-class classifiers for sentiment analysis involved many challenges, whereas previous research narrowed to the binary classification model since it provides higher accuracy when dealing with text data. Thus, we take inspiration from the non-linear Support Vector Machine to modify the algorithm by embedding dynamic hyperplanes representing multiple class labels. Then we analyzed the performance of multi-class classifiers using macro-accuracy, micro-accuracy and several other metrics to justify the significance of our algorithm enhancement. Furthermore, we hybridized Enhanced Convolution Neural Network (ECNN) with Dynamic Support Vector Machine (DSVM) to demonstrate the effectiveness and efficiency of the classifier towards multi-class text data. We performed experiments on three hybrid classifiers, which are ECNN with Binary SVM (ECNN-BSVM), and ECNN with linear Multi-Class SVM (ECNN-MCSVM) and our proposed algorithm (ECNNDSVM). Comparative experiments of hybrid algorithms yielded 85.12 % for single metric accuracy; 86.95 % for multiple metrics on average. As for our modified algorithm of the ECNN-DSVM classifier, we reached 98.29 % micro-accuracy results with an f-score value of 98 % at most. For the future direction of this research, we are aiming for hyperplane optimization analysis.

Document Classification using Recurrent Neural Network with Word Sense and Contexts (단어의 의미와 문맥을 고려한 순환신경망 기반의 문서 분류)

  • Joo, Jong-Min;Kim, Nam-Hun;Yang, Hyung-Jeong;Park, Hyuck-Ro
    • KIPS Transactions on Software and Data Engineering
    • /
    • 제7권7호
    • /
    • pp.259-266
    • /
    • 2018
  • In this paper, we propose a method to classify a document using a Recurrent Neural Network by extracting features considering word sense and contexts. Word2vec method is adopted to include the order and meaning of the words expressing the word in the document as a vector. Doc2vec is applied for considering the context to extract the feature of the document. RNN classifier, which includes the output of the previous node as the input of the next node, is used as the document classification method. RNN classifier presents good performance for document classification because it is suitable for sequence data among neural network classifiers. We applied GRU (Gated Recurrent Unit) model which solves the vanishing gradient problem of RNN. It also reduces computation speed. We used one Hangul document set and two English document sets for the experiments and GRU based document classifier improves performance by about 3.5% compared to CNN based document classifier.

A Neural Network-Driven Decision Tree Classifier Approach to Time Series Identification (인공신경망 기초 의사결정트리 분류기에 의한 시계열모형화에 관한 연구)

  • 오상봉
    • Journal of the Korea Society for Simulation
    • /
    • 제5권1호
    • /
    • pp.1-12
    • /
    • 1996
  • We propose a new approach to classifying a time series data into one of the autoregressive moving-average (ARMA) models. It is bases on two pattern recognition concepts for solving time series identification. The one is an extended sample autocorrelation function (ESACF). The other is a neural network-driven decision tree classifier(NNDTC) in which two pattern recognition techniques are tightly coupled : neural network and decision tree classfier. NNDTc consists of a set of nodes at which neural network-driven decision making is made whether the connecting subtrees should be pruned or not. Therefore, time series identification problem can be stated as solving a set of local decisions at nodes. The decision values of the nodes are provided by neural network functions attached to the corresponding nodes. Experimental results with a set of test data and real time series data show that the proposed approach can efficiently identify the time seires patterns with high precision compared to the previous approaches.

  • PDF

Evolutionary Learning of Neural Networks Classifiers for Credit Card Fraud Detection (신용카드 사기 검출을 위한 신경망 분류기의 진화 학습)

  • 박래정
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • 제11권5호
    • /
    • pp.400-405
    • /
    • 2001
  • This paper addresses an effective approach of training neural networks classifiers for credit card fraud detection. The proposed approach uses evolutionary programming to trails the neural networks classifiers based on maximization of the detection rate of fraudulent usages on some ranges of the rejection rate, loot minimization of mean square error(MSE) that Is a common criterion for neural networks learning. This approach enables us to get classifier of satisfactory performance and to offer a directive method of handling various conditions and performance measures that are required for real fraud detection applications in the classifier training step. The experimental results on "real"credit card transaction data indicate that the proposed classifiers produces classifiers of high quality in terms of a relative profit as well as detection rate and efficiency.

  • PDF

Acute Leukemia Classification Using Sequential Neural Network Classifier in Clinical Decision Support System (임상적 의사결정지원시스템에서 순차신경망 분류기를 이용한 급성백혈병 분류기법)

  • Lim, Seon-Ja;Vincent, Ivan;Kwon, Ki-Ryong;Yun, Sung-Dae
    • Journal of Korea Multimedia Society
    • /
    • 제23권2호
    • /
    • pp.174-185
    • /
    • 2020
  • Leukemia induced death has been listed in the top ten most dangerous mortality basis for human being. Some of the reason is due to slow decision-making process which caused suitable medical treatment cannot be applied on time. Therefore, good clinical decision support for acute leukemia type classification has become a necessity. In this paper, the author proposed a novel approach to perform acute leukemia type classification using sequential neural network classifier. Our experimental result only cover the first classification process which shows an excellent performance in differentiating normal and abnormal cells. Further development is needed to prove the effectiveness of second neural network classifier.

The Design of Polynomial Network Pattern Classifier based on Fuzzy Inference Mechanism and Its Optimization (퍼지 추론 메커니즘에 기반 한 다항식 네트워크 패턴 분류기의 설계와 이의 최적화)

  • Kim, Gil-Sung;Park, Byoung-Jun;Oh, Sung-Kwun
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • 제17권7호
    • /
    • pp.970-976
    • /
    • 2007
  • In this study, Polynomial Network Pattern Classifier(PNC) based on Fuzzy Inference Mechanism is designed and its parameters such as learning rate, momentum coefficient and fuzzification coefficient are optimized by means of Particle Swarm Optimization. The proposed PNC employes a partition function created by Fuzzy C-means(FCM) clustering as an activation function in hidden layer and polynomials weights between hidden layer and output layer. Using polynomials weights can help to improve the characteristic of the linear classification of basic neural networks classifier. In the viewpoint of linguistic analysis, the proposed classifier is expressed as a collection of "If-then" fuzzy rules. Namely, architecture of networks is constructed by three functional modules that are condition part, conclusion part and inference part. The condition part relates to the partition function of input space using FCM clustering. In the conclusion part, a polynomial function caries out the presentation of a partitioned local space. Lastly, the output of networks is gotten by fuzzy inference in the inference part. The proposed PNC generates a nonlinear discernment function in the output space and has the better performance of pattern classification as a classifier, because of the characteristic of polynomial based fuzzy inference of PNC.