Supervised Fuzzy Clustering for the Identification of Fuzzy Classifiers

Total Page:16

File Type:pdf, Size:1020Kb

Supervised Fuzzy Clustering for the Identification of Fuzzy Classifiers Pattern Recognition Letters 24 (2003) 2195–2207 www.elsevier.com/locate/patrec Supervised fuzzy clustering for the identification of fuzzy classifiers Janos Abonyi *, Ferenc Szeifert Department of Process Engineering, University of Veszprem, P.O. Box 158, H-8201 Veszprem, Hungary Received 9 July 2001; received in revised form 26 August 2002 Abstract The classical fuzzy classifier consists of rules each one describing one of the classes. In this paper a new fuzzy model structure is proposed where each rule can represent more than one classes with different probabilities. The obtained classifier can be considered as an extension of the quadratic Bayes classifier that utilizes mixture of models for esti- mating the class conditional densities. A supervised clustering algorithm has been worked out for the identification of this fuzzy model. The relevant input variables of the fuzzy classifier have been selected based on the analysis of the clusters by FisherÕs interclass separability criteria. This new approach is applied to the well-known wine and Wisconsin breast cancer classification problems. Ó 2003 Elsevier B.V. All rights reserved. Keywords: Fuzzy clustering; Bayes classifier; Rule-reduction; Transparency and interpretability of fuzzy classifiers 1. Introduction overlapping class definitions and improves the interpretability of the results by providing more Typical fuzzy classifiers consist of interpretable insight into the decision making process. Fuzzy if–then rules with fuzzy antecedents and class logic, however, is not a guarantee for interpret- labels in the consequent part. The antecedents ability, as was also recognized in (Valente de (if-parts) of the rules partition the input space into Oliveira, 1999; Setnes et al., 1998). Hence, real a number of fuzzy regions by fuzzy sets, while effort must be made to keep the resulting rule-base the consequents (then-parts) describe the output transparent. of the classifier in these regions. Fuzzy logic im- The automatic determination of compact fuzzy proves rule-based classifiers by allowing the use of classifiers rules from data has been approached by several different techniques: neuro-fuzzy methods (Nauck and Kruse, 1999), genetic-algorithm (GA)- * based rule selection (Ishibuchi et al., 1999), and Corresponding author. Tel.: +36-88-422-0224290; fax: +36- fuzzy clustering in combination with GA-optimi- 88-422-0224171. E-mail address: [email protected] (J. Abonyi). zation (Roubos and Setnes, 2000). Generally, the URL: http://www.fmt.vein.hu/softcomp. bottleneck of the data-driven identification of 0167-8655/03/$ - see front matter Ó 2003 Elsevier B.V. All rights reserved. doi:10.1016/S0167-8655(03)00047-3 2196 J. Abonyi, F. Szeifert / Pattern Recognition Letters 24 (2003) 2195–2207 fuzzy systems is the structure identification that describe the data. The obtained clusters are then requires non-linear optimization. Thus for high- used to build a fuzzy classifier. dimensional problems, the initialization the fuzzy The contribution of this approach is twofold. model becomes very significant. Common initial- izations methods such as grid-type partitioning • The classical fuzzy classifier consists of rules (Ishibuchi et al., 1999) and rule generation on each one describing one of the C classes. In this extrema initialization, result in complex and non- paper a new fuzzy model structure is proposed interpretable initial models and the rule-base where the consequent part is defined as the simplification and reduction steps become com- probabilities that a given rule represents the putationally demanding. To avoid these problems, c1; ...; cC classes. The novelty of this new model fuzzy clustering algorithms (Setnes and Babusska, is that one rule can represent more than one 1999) were put forward. However, the obtained classes with different probabilities. membership values have to be projected onto the • Classical fuzzy clustering algorithms are used to input variables and approximated by parameter- estimate the distribution of the data. Hence, ized membership functions that deteriorates the they do not utilize the class label of each data performance of the classifier. This decomposition point available for the identification. Further- error can be reduced by using eigenvector projec- more, the obtained clusters cannot be directly tion (Kim et al., 1998), but the obtained linearly used to build the classifier. In this paper a new transformed input variables do not allow the in- cluster prototype and the related clustering algo- terpretation of the model. To avoid the projection rithm have been introduced that allows the di- error and maintain the interpretability of the rect supervised identification of fuzzy classifiers. model, the proposed approach is based on the Gath–Geva (GG) clustering algorithm (Gath and The proposed algorithm is similar to the multi- Geva, 1989) instead of the widely used Gustafson– prototype classifier technique (Biem et al., 2001; Kessel (GK) algorithm (Gustafson and Kessel, Rahman and Fairhurst, 1997). In this approach, 1979), because the simplified version of GG clus- each class is clustered independently from the tering allows the direct identification of fuzzy other classes, and is modeled by few components models with exponential membership functions (Gaussian in general). The main difference of this (Hoppner et al., 1999). approach is that each cluster represents different Neither GG nor GK algorithm does not utilize classes, and the number of clusters used to ap- the class labels. Hence, they give suboptimal result proximate a given class have to be determined if the obtained clusters are directly used to for- manually, while the proposed approach does not mulate a classical fuzzy classifier. Hence, there is suffer from these problems. a need for fine-tuning of the model. This GA Using too many input variables may result in or gradient-based fine-tuning, however, can result difficulties in the prediction and interpretability in overfitting and thus poor generalization of the capabilities of the classifier. Hence, the selection of identified model. Unfortunately, the severe com- the relevant features is usually necessary. Gener- putational requirements of these approaches limit ally, there is a very large set of possible features to their applicability as a rapid model-development compose feature vectors of classifiers. As ideally tool. the training set size should increase exponentially This paper focuses on the design of interpret- with the feature vector size, it is desired to choose a able fuzzy rule-based classifiers from data with minimal subset among it. Some generic tips to low-human intervention and low-computational choose a good feature set include the facts that complexity. Hence, a new modeling scheme is in- they should discriminate as much as possible the troduced based only on fuzzy clustering. The pattern classes and they should not be correlated/ proposed algorithm uses the class label of each redundant. There are two basic feature-selection point to identify the optimal set of clusters that approaches: The closed-loop algorithms are based J. Abonyi, F. Szeifert / Pattern Recognition Letters 24 (2003) 2195–2207 2197 on the classification results, while the open-loop 2. Structure of the fuzzy rule-based classifier algorithms are based on a distance between clus- ters. In the former, each possible feature subset is 2.1. Classical Bayes classifier used to train and to test a classifier, and the rec- ognition rates are used as a decision criterion: the The identification of a classifier system means higher the recognition rate, the better is the feature the construction of a model that predicts the class subset. The main disadvantage of this approach is yk ¼fc1; ...; cCg to which pattern xk ¼½x1;k; ...; that choosing a classifier is a critical problem on its xn;k should be assigned. The classic approach for own, and that the final selected subset clearly de- this problem with C classes is based on BayesÕ rule. pends on the classifier. On the other hand, the The probability of making an error when classi- latter depends on defining a distance between the fying an example x is minimized by BayesÕ decision clusters, and some possibilities are Mahalanobis, rule of assigning it to the class with the largest a Bhattacharyya and the class separation distance posteriori probability: (Campos and Bloch, 2001). x is assigned to ci () pðcijxÞ P pðcjjxÞ8j 6¼ i In this paper the Fisher-interclass separability method is utilized, which is an open-loop feature ð1Þ selection approach (Cios et al., 1998). Other pa- The a posteriori probability of each class given pers focused on feature selection based on simi- a pattern x can be calculated based on the pðxjciÞ larity analysis of the fuzzy sets (Campos and class conditional distribution, which models the Bloch, 2001; Roubos and Setnes, 2000). Differ- density of the data belonging to the class ci, and ences in these reduction methods are: (i) Feature the PðciÞ class prior, which represents the prob- reduction based on the similarity analysis of fuzzy ability that an arbitrary example out of data be- sets results in a closed-loop feature selection be- longs to class ci cause it depends on the actual model while the pðxjciÞPðciÞ pðxjciÞPðciÞ applied open-loop feature selection can be used pðcijxÞ¼ ¼ P ð2Þ pðxÞ C pðxjc ÞPðc Þ beforehand as it is independent from the model. j¼1 j j (ii) In similarity analysis, a feature can be removed As (1) can be rewritten using the numerator of from individual rules. In the interclass separability (2) method the feature is omitted in all the rules x is assigned to ci () pðxjciÞPðciÞ P pðxjcjÞPðcjÞ (Roubos et al., 2001). In this paper the simple j i 3 Fisher interclass separability method have been 8 6¼ ð Þ modified, but in the future advanced multiclass we would have an optimal classifier if we would data reduction algorithms like weighted pairwise perfectly estimate the class priors and the class Fisher criteria (Loog et al., 2001) could be also conditional densities.
Recommended publications
  • Deep Learning Models for Spatio-Temporal Forecasting and Analysis
    UNIVERSITY OF CALIFORNIA, IRVINE Deep Learning Models for Spatio-Temporal Forecasting and Analysis DISSERTATION submitted in partial satisfaction of the requirements for the degree of DOCTOR OF PHILOSOPHY in Computer Science by Reza Asadi Dissertation Committee: Professor Amelia Regan, Chair Professor Michael Dillencourt Professor R. Jayakrishnan 2020 c 2020 Reza Asadi DEDICATION To my family for their love and support ii TABLE OF CONTENTS Page LIST OF FIGURES vi LIST OF TABLES ix ACKNOWLEDGMENTS x VITA xi ABSTRACT OF THE DISSERTATION xiii 1 Introduction 1 1.1 Spatio-temporal traffic data . .1 1.2 Machine learning problems in traffic data . .6 1.2.1 Traffic flow prediction . .7 1.2.2 Imputing incomplete traffic data . .7 1.2.3 Clustering of traffic flow data . .8 1.3 Outline and contributions . .9 2 Distributed network flow problem 12 2.1 Introduction . 13 2.2 Preliminaries . 15 2.2.1 Notation . 15 2.2.2 Graph theory . 16 2.2.3 Eliminating affine equality constraints in optimization problems . 19 2.3 Problem definition . 20 2.4 A cycle-basis distributed ADMM solution . 23 2.4.1 Minimum search variable . 23 iii 2.4.2 Constructing cyber layer to solve the optimal power flow in a dis- tributed manner . 24 2.5 Numerical example . 28 2.6 Conclusion and future research . 30 3 Spatio-temporal clustering of traffic data 33 3.1 Introduction . 34 3.2 Technical background . 37 3.2.1 Problem definition . 37 3.2.2 Autoencoders . 38 3.2.3 Deep embedded clustering . 39 3.3 Spatio-temporal clustering . 40 3.4 Experimental results .
    [Show full text]
  • Hierarchical Fuzzy Support Vector Machine (SVM) for Rail Data Classification
    Preprints of the 19th World Congress The International Federation of Automatic Control Cape Town, South Africa. August 24-29, 2014 Hierarchical Fuzzy Support Vector Machine (SVM) for Rail Data Classification R. Muscat*, M. Mahfouf*, A. Zughrat*, Y.Y. Yang*, S. Thornton**, A.V. Khondabi* and S. Sortanos* *Department of Automatic Control and Systems Engineering, The University of Sheffield, Mappin St., Sheffield, S1 3JD, UK (Tel: +44 114 2225607) ([email protected]; [email protected]; [email protected]; [email protected]; [email protected]; [email protected]) **Teesside Technology Centre, Tata Steel Europe, Eston Rd., Middlesbrough, TS6 6US, UK ([email protected]) Abstract: This study aims at designing a modelling architecture to deal with the imbalanced data relating to the production of rails. The modelling techniques are based on Support Vector Machines (SVMs) which are sensitive to class imbalance. An internal (Biased Fuzzy SVM) and external (data under- sampling) class imbalance learning methods were applied to the data. The performance of the techniques when implemented on the latter was better, while in both cases the inclusion of a fuzzy membership improved the performance of the SVM. Fuzzy C-Means (FCM) Clustering was analysed for reducing the number of support vectors of the Fuzzy SVM model, concluding it is effective in reducing model complexity without any significant performance deterioration. Keywords: Classification; railway steel manufacture; class imbalance; support vector machines; fuzzy support vector machines; fuzzy c-means clustering. The paper is organised as follows. Section 2 provides an 1 INTRODUCTION overview of the modelling data, obtained from the rail Cost management has become a very important factor in manufacturing process, and input variable selection.
    [Show full text]
  • Multi-View Fuzzy Clustering with the Alternative Learning Between Shared Hidden Space and Partition
    1 Multi-View Fuzzy Clustering with The Alternative Learning between Shared Hidden Space and Partition Zhaohong Deng, Senior Member, IEEE, Chen Cui, Peng Xu, Ling Liang, Haoran Chen, Te Zhang, Shitong Wang 1Abstract—As the multi-view data grows in the real world, posed in relevant literature [1-6] and most of them are classi- multi-view clustering has become a prominent technique in data fied into two categories: mining, pattern recognition, and machine learning. How to ex- i. Multi-view clustering methods based on single view clus- ploit the relationship between different views effectively using the tering methods, such as K-means [7, 8], Fuzzy C-means (FCM) characteristic of multi-view data has become a crucial challenge. [9,10], Maximum Entropy Clustering (MEC) [11, 12] and Aiming at this, a hidden space sharing multi-view fuzzy cluster- Possibilistic C-means (PCM) [13, 14]. Such approach usually ing (HSS-MVFC) method is proposed in the present study. This considers each view independently and treats each of them as method is based on the classical fuzzy c-means clustering model, an independent clustering task, followed by ensemble methods and obtains associated information between different views by [15, 16] to achieve the final clustering result. However, such introducing shared hidden space. Especially, the shared hidden space and the fuzzy partition can be learned alternatively and strategy is likely to cause poor results or unsteadiness of the contribute to each other. Meanwhile, the proposed method uses algorithm because of potential high deviation of a certain view maximum entropy strategy to control the weights of different or significant discrepancies between the results of each view.
    [Show full text]
  • Dynamic Topology Model of Q-Learning LEACH Using Disposable Sensors in Autonomous Things Environment
    applied sciences Article Dynamic Topology Model of Q-Learning LEACH Using Disposable Sensors in Autonomous Things Environment Jae Hyuk Cho * and Hayoun Lee School of Electronic Engineering, Soongsil University, Seoul 06978, Korea; [email protected] * Correspondence: [email protected]; Tel.: +82-2-811-0969 Received: 10 November 2020; Accepted: 15 December 2020; Published: 17 December 2020 Abstract: Low-Energy Adaptive Clustering Hierarchy (LEACH) is a typical routing protocol that effectively reduces transmission energy consumption by forming a hierarchical structure between nodes. LEACH on Wireless Sensor Network (WSN) has been widely studied in the recent decade as one key technique for the Internet of Things (IoT). The main aims of the autonomous things, and one of advanced of IoT, is that it creates a flexible environment that enables movement and communication between objects anytime, anywhere, by saving computing power and utilizing efficient wireless communication capability. However, the existing LEACH method is only based on the model with a static topology, but a case for a disposable sensor is included in an autonomous thing’s environment. With the increase of interest in disposable sensors which constantly change their locations during the operation, dynamic topology changes should be considered in LEACH. This study suggests the probing model for randomly moving nodes, implementing a change in the position of a node depending on the environment, such as strong winds. In addition, as a method to quickly adapt to the change in node location and construct a new topology, we propose Q-learning LEACH based on Q-table reinforcement learning and Fuzzy-LEACH based on Fuzzifier method.
    [Show full text]
  • Parameter Specification for Fuzzy Clustering by Q-Learning
    Parameter Specification for Fuzzy Clustering by Q-Learning Chi-Hyon Oh, Eriko Ikeda, Katsuhiro Honda and Hidetomo Ichihashi Department of Industrial Engineering, College of Engineering, Osaka Prefecture University, 1–1, Gakuencho, Sakai, Osaka, 599-8531, JAPAN E-mail: [email protected] Abstract In this paper, we propose a new method to specify the sequence of parameter values for a fuzzy clustering algorithm by using Q-learning. In the clustering algorithm, we employ similarities between two data points and distances from data to cluster centers as the fuzzy clustering criteria. The fuzzy clustering is achieved by optimizing an objective function which is solved by the Picard iteration. The fuzzy clustering algorithm might be useful but its result depends on the parameter specifications. To conquer the dependency on the parameter values, we use Q-learning to learn the sequential update for the parameters during the iterative optimization procedure of the fuzzy clustering. In the numerical example, we show how the clustering validity improves by the obtained parameter update sequences. Keywords Parameter Specification, Fuzzy Clustering, Reinforcement Learning. I. Introduction Many fuzzy clustering algorithms have been proposed since Ruspini developed the first one [1]. Fuzzy ISODATA [2] and its extension, Fuzzy c-means [3], are the popular fuzzy clustering algorithm using distance- based objective function methods. Other approaches are driven by several fuzzy clustering criteria. First, we propose a new fuzzy clustering algorithm, which adopts the similarities between two data point and the distances from data to cluster centers as the fuzzy clustering criteria to be optimized. We can expect that our algorithm might ably partition the data set into some clusters.
    [Show full text]
  • Fuzzy Clustering Based Image Denoising and Improved Support Vector Machine (ISVM) Based Nearest Target for Retina Images
    International Journal of Recent Technology and Engineering (IJRTE) ISSN: 2277-3878, Volume-8 Issue-5, January 2020 Fuzzy Clustering Based Image Denoising and Improved Support Vector Machine (ISVM) Based Nearest Target for Retina Images B. Sivaranjani, C. Kalaiselvi Abstract: A developing automated retinal disease diagnostic Particularly in areas in which retinal specialists may not be system based on image analysis has now demonstrated the ability easily available for diabetic retinopathy and premature in clinical research. Though, the accuracy of these systems has retinopathy (ROP) screening. In this section, the difficult been negotiated repeatedly, generally due to the basic effort in issue of matching and recording retinal images was perceiving the abnormal structures as well as due to deficits in discussed to allow for new applications for the image gaining that affects image quality. Use the fuzzy clustering; the noises contained in the samples are omitted from teleophthalmology. A new technique for locating optic discs the above. Unless the noises will be taken away from the samples in retinal images was suggested in [1]. instead dimension reduction initializes the optimization of Mutual Information (MI) as just a coarse localization process The first phase of certain vessel segmentation, disease that narrows the domain of optimization and tries to avoid local diagnosis, and retinal recognition algorithms would be to optimization. Furthermore, the suggested work closer to the locate the optic disc and its core. In [2] the latest research on retina picture being done using the Improved Support Vector the essential characteristics and features of DR eye Machine (ISVM) system used in the area-based registration, telehealth services was evaluated in the categories listed: offering a reliable approach.
    [Show full text]
  • An Energy-Efficient Spectrum-Aware Reinforcement Learning-Based Clustering Algorithm for Cognitive Radio Sensor Networks
    Sensors 2015, 15, 19783-19818; doi:10.3390/s150819783 OPEN ACCESS sensors ISSN 1424-8220 www.mdpi.com/journal/sensors Article An Energy-Efficient Spectrum-Aware Reinforcement Learning-Based Clustering Algorithm for Cognitive Radio Sensor Networks Ibrahim Mustapha 1,2,†, Borhanuddin Mohd Ali 1,*, Mohd Fadlee A. Rasid 1,†, Aduwati Sali 1,† and Hafizal Mohamad 3,† 1 Department of Computer and Communications Systems Engineering and Wireless and Photonics Research Centre, Faculty of Engineering, Universiti Putra Malaysia, 43400 Serdang Selangor, Malaysia; E-Mails: [email protected] (I.M.); [email protected] (M.F.A.R.); [email protected] (A.S.) 2 Department of Electrical and Electronics Engineering, Faculty of Engineering, University of Maiduguri, P. M. B. 1069, Maiduguri, Nigeria 3 Wireless Networks and Protocol Research Lab, MIMOS Berhad, Technology Park Malaysia, 57000 Kuala Lumpur, Malaysia; E-Mail: [email protected] † These authors contributed equally to this work. * Author to whom correspondence should be addressed; E-Mail: [email protected]; Tel.: +60-3-8946-6443; Fax: +60-3-8656-7127. Academic Editor: Davide Brunelli Received: 25 May 2015 / Accepted: 31 July 2015 / Published: 13 August 2015 Abstract: It is well-known that clustering partitions network into logical groups of nodes in order to achieve energy efficiency and to enhance dynamic channel access in cognitive radio through cooperative sensing. While the topic of energy efficiency has been well investigated in conventional wireless sensor networks, the latter has not been extensively explored. In this paper, we propose a reinforcement learning-based spectrum-aware clustering algorithm that allows a member node to learn the energy and cooperative sensing costs for neighboring clusters to achieve an optimal solution.
    [Show full text]
  • A Hybrid Technique Based on Fuzzy-C-Means and SVM for Detection of Brain Tumor in MRI Images Dipali B.Birnale¹, Prof .S
    ISSN XXXX XXXX © 2016 IJESC Research Article Volume 6 Issue No. 8 A Hybrid Technique based on Fuzzy-C-Means and SVM for Detection of Brain Tumor in MRI Images Dipali B.Birnale¹, Prof .S. N. Patil² Associate Professor² Department of Electronics Engineering PVPIT Budhgaon, Maharashtra, India Abstract: MRI is the most important technique, in detecting the brain tumor. In this paper data mining methods are used for classificat ion of MRI images. A new hybrid technique based on the support vector machine (SVM) and fuzzy c -means for brain tumor classification is proposed. The proposed algorithm is a combination of support vector machine (SVM) and fuzzy –c- means, a hybrid technique for prediction of brain tumor. In this algorithm the image is De-noised first and then morphological operations are used for skull striping. Fuzzy c-means (FCM) clustering is used for the segmentation of the image to detect the suspicious region in brain MRI image & feature are extracted from the brain image, after which SVM technique is applied to classify the brain MRI images, which provide accurate and more effective result for classification of brain MRI images. Keywords: Data Mining, MRI, De-noising, Fuzzy C-means clustering, Support Vector Machine (SVM) I. INTRODUCTION Flow Chart In medical image segmentation, brain tumor detection is one of the most challenging tasks, since brain images are complicated and tumors can be analyzed only by expert physicians. Brain tumor is a group of abnormal cells that grows inside of the brain or around the brain. The tumor may be primary or secondary.
    [Show full text]
  • Deep Adaptive Fuzzy Clustering for Evolutionary Unsupervised Representation Learning Dayu Tan, Zheng Huang, Xin Peng, Member, IEEE, Weimin Zhong, and Vladimir Mahalec
    1 Deep Adaptive Fuzzy Clustering for Evolutionary Unsupervised Representation Learning Dayu Tan, Zheng Huang, Xin Peng, Member, IEEE, Weimin Zhong, and Vladimir Mahalec Abstract—Cluster assignment of large and complex images is a extensively studied and applied to different fields [1]. This crucial but challenging task in pattern recognition and computer type of method iteratively groups the features with a standard vision. In this study, we explore the possibility of employing fuzzy division method, for example, k-means [2] and fuzzy means clustering in a deep neural network framework. Thus, we present a novel evolutionary unsupervised learning representation model [3], which use the subsequent assignment as supervision to with iterative optimization. It implements the deep adaptive fuzzy update the clusters. Numerous different clustering methods are clustering (DAFC) strategy that learns a convolutional neural calculated by distance functions, and their combinations with network classifier from given only unlabeled data samples. DAFC embedding algorithms have been explored in literature [4, 5]. consists of a deep feature quality-verifying model and a fuzzy The conventional method always employs Euclidean distance clustering model, where deep feature representation learning loss function and embedded fuzzy clustering with the weighted to express this similarity, while stochastic neighbor embedding adaptive entropy is implemented. We joint fuzzy clustering to (SNE) converts this distance relationship into a conditional the deep reconstruction model, in which fuzzy membership is probability to express similarity. In this way, the distance utilized to represent a clear structure of deep cluster assignments between similar sample points in high-dimensional space is and jointly optimize for the deep representation learning and also similar to that in low-dimensional space.
    [Show full text]
  • Intrusion Detection Using Fuzzy Clustering and Artificial Neural
    Advances in Neural Networks, Fuzzy Systems and Artificial Intelligence Intrusion Detection using Fuzzy Clustering and Artificial Neural Network Shraddha Surana Research Scholar, Department of Computer Engineering, Vishwakarma Institute of Technology, Pune India [email protected] host based IDS makes use of log files from individual computers, whereas a network based Abstract IDS captures packets from the network and analyses its contents. An online IDS is able to flag This paper presents the outline of a hybrid an intrusion while it’s happening whereas an Artificial Neural Network (ANN) based on fuzzy offline IDS analyses records after the event has clustering and neural networks for an Intrusion occurred and raises a flag indicating that a security Detection System (IDS). While neural networks breach had occurred since the last intrusion are effective in capturing the non-linearity in data detection check was performed. An Anomaly provided, it also has certain limitations including based IDS detects deviation from normal the requirement of high computational resources. behaviour while misuse based IDS compare By clustering the data, each ANN is trained on a activities on the system with known behaviours of particular subset of data, reducing time required attackers. and achieving a higher detection rate. The outline of the implemented algorithm is as follows: first This paper outlines a hybrid approach using the data is divided into smaller homogeneous Artificial Neural Networks and Fuzzy clustering to groups/ subsets using a fuzzy clustering technique. detect intrusions in a network. The method Subsequently, a separate ANN is trained on each outlined is network based which extracts features subset.
    [Show full text]
  • Developing Support Vector Machine with New Fuzzy Selection for the Infringement of a Patent Rights Problem
    mathematics Article Developing Support Vector Machine with New Fuzzy Selection for the Infringement of a Patent Rights Problem Chih-Yao Chang 1,2 and Kuo-Ping Lin 3,4,* 1 Graduate Institute of Technology, Innovation & Intellectual Property Management, National Cheng Chi University, Taipei 116302, Taiwan; [email protected] 2 Taiwan Development & Research Academia of Economic & Technology, Taipei 104, Taiwan 3 Department of Industrial Engineering and Enterprise Information, Tunghai University, Taichung 40704, Taiwan 4 Faculty of Finance and Banking, Ton Duc Thang University, Ho Chi Minh City 758307, Vietnam * Correspondence: [email protected]; Tel.: +886-4-2359-4319 (ext. 111) Received: 16 June 2020; Accepted: 30 July 2020; Published: 1 August 2020 Abstract: Classification problems are very important issues in real enterprises. In the patent infringement issue, accurate classification could help enterprises to understand court decisions to avoid patent infringement. However, the general classification method does not perform well in the patent infringement problem because there are too many complex variables. Therefore, this study attempts to develop a classification method, the support vector machine with new fuzzy selection (SVMFS), to judge the infringement of patent rights. The raw data are divided into training and testing sets. However, the data quality of the training set is not easy to evaluate. Effective data quality management requires a structural core that can support data operations. This study adopts new fuzzy selection based on membership values, which are generated from fuzzy c-means clustering, to select appropriate data to enhance the classification performance of the support vector machine (SVM). An empirical example based on the SVMFS shows that the proposed SVMFS can obtain a superior accuracy rate.
    [Show full text]
  • A Unified Deep Learning Framework for Text Data Mining Using Deep Adaptive Fuzzy Clustering
    European Journal of Molecular & Clinical Medicine ISSN 2515-8260 Volume 07, Issue 09, 2020 A UNIFIED DEEP LEARNING FRAMEWORK FOR TEXT DATA MINING USING DEEP ADAPTIVE FUZZY CLUSTERING S. Praveen1, Dr. R. Priya, MCA, M.phil, Ph.D2, Research Scholar1, Associate Professor and Head, Department of Computer Science 1,2 Sree Narayana Guru College, Coimbatore, Abstract Text clustering is an important method for effectively organising, summarising, and navigating text information. The purpose of the clustering is to distinguish and classify the similarity among the text instance as label. However, in the absence of labels, the text data to be clustered cannot be used to train the text representation model based on deep learning as it contains high dimensional data with complex latent distributions. To address this problem, a new unified deep learning framework for text clustering based on deep representation learning is proposed using the deep adaptive fuzzy clustering in this paper to provide soft partition of data. Initially reconstruction of original data into feature space carried out using the word embedding process of deep learning. Word embedding process is a learnt representation of the text or sentence towards clustering into vector containing words, characters and N-grams of words. Further clustering of feature vector is carried out with max pooling layer to determine the inter-cluster seperability and intra-cluster compactness. Moreover learning of the feature space is processed with gradient descent. Moreover tuning of feature vector is fine tuned on basis of Discriminant information using hyper parameter optimization with fewer epochs. Finally representation learning and soft clustering has been achieved using deep adaptive fuzzy clustering and quantum annealing based optimization has been employed .The results demonstrate that the clustering approach more stable and accurate than the traditional FCM clustering algorithm on employing k fold validation for evaluation.
    [Show full text]