Article Search
닫기

Original Article

Split Viewer

International Journal of Fuzzy Logic and Intelligent Systems 2020; 20(4): 336-345

Published online December 25, 2020

https://doi.org/10.5391/IJFIS.2020.20.4.336

© The Korean Institute of Intelligent Systems

New Method of Internal Type-2 Fuzzy-Based CNN for Image Classification

P. Murugeswari1 and S. Vijayalakshmi2

1Department of Computer Science and Engineering, Karpagam College of Engineering, Coimbatore,Tamilnadu, India
2Department of Computer Applications, NMS S. Vellaichamy Nadar College, Madurai, Tamilnadu, India

Correspondence to :
P. Murugeswari (pmurugeswarik7@gmail.com)

Received: August 26, 2020; Revised: December 8, 2020; Accepted: December 15, 2020

This is an Open Access article distributed under the terms of the Creative Commons Attribution Non-Commercial License (http://creativecommons.org/licenses/by-nc/3.0/) which permits unrestricted noncommercial use, distribution, and reproduction in any medium, provided the original work is properly cited.

In the last two decades, neural networks and fuzzy logic have been successfully implemented in intelligent systems. The fuzzy neural network (FNN) system framework infers the union of fuzzy logic and neural network system framework thoughts, which consolidates their advantages. The FNN system is applied in several scientific and engineering areas. Wherever there is uncertainty associated with the data, fuzzy logic places a vital rule. The fuzzy set can effectively represent and handle uncertain information. The main objective of the FNN system is to achieve a high level of accuracy by including the fuzzy logic in either the neural network structures, activation functions, or learning algorithms. In computer vision and intelligent systems, convolutional neural networks (CNNs) have more popular architectures, and their performance is excellent in many applications. In this paper, fuzzy-based CNN image classification methods are analyzed, and an interval type-2 fuzzy-based CNN is proposed. The experimental results indicated that the performance of the proposed method was good.

Keywords: CNN, FCNN, Fuzzy logic, Interval type-2 fuzzy logic, Feature extraction, Computer vision, Image classification

In computer vision image classification, a given image is characterized into a pre-defined characterized class. Customary image classification includes feature extraction and classification modules. The feature extraction includes extracting a superior degree of pixel information from raw pixels, which will capture the greatness among the classifications. Normally, this process is performed in an unsupervised manner wherein the classes of the picture have nothing to do with the data extracted from pixels. Few typical and generally utilized feature extractions are GIST, HOG, SIFT, and LBP. After feature extraction, a classification module is prepared with the image and its related names. Few tests for this module include SVM, logistic regression, random forest, and choice trees.

Recurrent neural networks (RNNs), long short-term memory (LSTM), artificial neural networks (ANNs), and convolutional neural networks (CNNs) are the most popular neural network architectures. A CNN is suitable for image databases, and it works amazingly in computer vision tasks, such as image classification [1, 2], object detection [3], and image recognition [4]. It does not include an explicit element extractor. It extracts and characterizes modules in a coordinated framework and determines ways to separate representations from the pictures and orders them depending on regulated information.

A CNN is utilized in various assignments that have an extraordinary presentation in various applications. CNNs have been presenting an employable class of models for better information on image details, achieving better image acknowledgment, segmentation, identification, and retrieval. CNN structures are productively and successfully utilized in several pattern and image recognition applications [5], for example, motion acknowledgment [4, 6], face acknowledgment [7, 8], object characterization [9, 10], and scene description creation [11].

Zadeh [12] presented the idea of fuzzy logic (type-1 fuzzy) for tackling control framework-related issues. Later, analysts have contributed several fascinating applications to the field of computer vision. Notably, a type-2 fuzzy set (T2FS) was presented by Zadeh [13] in 1975, and it was further created by Jerry M. Mendel. In a type-1 fuzzy set (T1FS), the degree of participation is determined by a crisp number in the interval [1, 0]. In T2FS, the degree of participation is itself fuzzy and is indicated by secondary membership functions (MFs). If the secondary MF values are at their limit of 1 at each point, which is called an interval type-2 fuzzy set (IT2FS) [1315], the T2FS incorporates a third measurement and an impression of uncertainty, as depicted in Figure 1, which gives an additional level of opportunity to deal with uncertainty. This additional level of fuzziness provides an increasingly capable method to deal with uncertainty. Figure 2 illustrates the secondary MFs (third element) of the T1FS (Figure 2(a)), IT2FS (Figure 2(b)), and general T2FS (Figure 2(c)), as initiated by an information p, similar to that shown in Figure 1.

Particularly, type-1 FCM has become the most notable calculation used in group investigations. Numerous analysts have demonstrated that there are imperatives in the limitations of T1FSs to show and break the effect of uncertainties, because their interest grades are crisp. A T2FS is spoken to by MFs that are themselves fuzzy. An IT2FS [16], an exceptional instance of T2FS, is currently the one most generally utilized, considering its decreased computational expense. An IT2FS is restricted by two T1FSs, one above and one below, that are called upper MF (UMF) and lower MF (LMF), and the domain among the UMF and LMF is called the footprint of uncertainty (FOU). Thus, T2FS exhibits various uncertainties; however, the computational unpredictability increases owing to its extra component of optional evaluations of every essential enrolment. Certain model applications include type-2 fuzzy clustering [17], Gaussian noise filter, classification of coded video streams, medical applications, and color picture division.

Recently, fuzzy logic and neural networks have been widely applied to solve real-world problems. Fuzzy logic is a set of mathematical principles used for knowledge representation, based on the degrees of membership, as opposed to the classical binary logic. It is a powerful tool to tackle imprecision and uncertainty and was initially introduced to provide robust and low-cost solutions for real-world problems. Generally, type-1 fuzzy logic systems (T1FLS) have been implemented in several systems such as forecasting systems, control systems, databases, and healthcare clinical diagnoses.

The drawback of the conventional type-1 fuzzy logic system is its limited capability to handle data uncertainties directly, as certain designed systems face high level of uncertainties that can affect the performance of the systems. The type-2 fuzzy logic system (T2FLS) is an extension of the former with the intention of being able to model the uncertainties that invariably exist in the rule base because the MFs of type-2 fuzzy systems are themselves fuzzy. It provides a powerful framework for representing and handling such types of uncertainties. An interval type-2 fuzzy logic system (IT2FLS), which is a special case of T2FLS, has been applied to solve real-world problems. Recent theoretical and practical studies confirm that IT2FLSs adequately handle uncertainties compared to that by T1FLSs, and an increasing number of applications of IT2FLSs is expected in different fields of science and engineering. T1FLSs and IT2FLSs have been applied in a wide variety of areas to solve problems.

The CNN is a type of neural network that has indicated commendable execution when faced with several challenges related to computer vision and image processing. A part of the invigorating application areas of CNN fuse image classification and segmentation [18], object detection [3], video processing [19], natural language processing [20, 21], and speech recognition [22, 23]. The learning limit of a significant CNN is basically a result of the usage of various component extractions composes that can normally take in exposé from the data. The availability of abundant data and improvement in the gear development has accelerated the investigation in CNNs, and starting late attractive profound CNN models have been represented. A few moving plans for advancement of CNNs have been investigated [7], for example, the utilization of various activation and loss functions, parameter streamlining, regularization, and compositional advancements.

Karnik et al. [24] stated that the use of a T1FS to model a word is scientifically incorrect because a word is uncertain and a T1FS is certain. Therefore, he conducted in-depth research on type-2 fuzzy and contributed several papers [2426] on type-2 fuzzy logic. Based on that, several researchers have contributed several algorithms for their applications. For example, the classification of coded video streams, diagnosis of diseases, pre-processing radiographic images, medical image applications, transport scheduling, forecasting of time series, learning linguistic membership grades, inference engine design, and control of mobile robots. The computational complexity is high in type-2 fuzzy. Therefore, the type-2 fuzzy set is simplified into an IT2 Fuzzy, in which the computational complexity can be significantly reduced in appropriate applications.

Recently, fuzzy logic and neural networks have been widely applied to solve real-world problems. Fuzzy logic includes several mathematical standards for information representation depending on degrees of participation, as opposed to the binary logic. It is an incredible asset to handle imprecision and uncertainty, and it was introduced to provide robust and low-cost resolution for real-world problems [27]. Particularly, type-1 fuzzy logic frameworks have been executed in numerous systems to a wider scale, including approximation and forecasting systems, control systems, databases, and healthcare clinical diagnosis.

Researchers have successfully combined and implemented neural networks and fuzzy logic in intelligent systems. The fuzzy neural network (FNN) system framework implies the combination of fuzzy logic and neural network system ideas, which incorporates their benefits. This FNN is applied in several scientific and engineering areas, such as text sentient evaluation [28], object classification with small training database [3], emotion features extraction from text [29], comprehension of emotions in movies [30], real world objects and image classification [19, 31], Marathi handwritten numerals recognition [32, 33], traffic flow prediction [34], electric load prediction [35], and handwritten digits recognition [36]. Keller and Hunt [37] proposed hierarchical deep neural network fuzzy systems that obtain information from both fuzzy and neural representations. Price et al. [38] proposed the introduction of the fuzzy layers for deep learning, experiencing the choice of different combination procedures and total yields from best-in-class pre-prepared models, for example, AlexNet, VGG16, GoogLeNet, Inception-v3, and ResNet-18.

Generally, CNN architectures include two phases: feature extraction and classification. The FCNN is a combination of CNN and fuzzy logic; therefore, the fuzzy logic may include either a feature extraction phase or a classification phase. Depending on the application, researchers have proposed various FCNN architectures, including fuzzy logic in the feature extraction phase or classification phase. Here, the two FCNN architectures, with fuzzy logic included in the classification phase, were compared for image classification. Hsu et al. [3] have integrated a CNN with a fuzzy neural network (FCNN model 1), where the FNN summarizes the feature information from every fuzzy map. Korshunova [10] (FCNN model 2) proposed a CFNN architecture that includes a fuzzy layer, which is situated between the convolutional network and classifier.

The new IT2FCNN architecture integrates the features of the CNN and FNN. It integrates the interval type-2 fuzzy rectification unit (IT2FRU) [39] activation function in convolution for feature extraction in CNN and interval type-2 fuzzy-based classification in the fuzzy layer. This method combines the advantages of both network architectures and interval type-2 fuzzy logic. The IT2FCNN architecture includes four types of layers: i) convolutional layer with IT2FRU, ii) pooling layer, iii) fuzzy layer, and iv) fuzzy classifier.

The convolutional neural framework obtains a data image and performs the course of action of convolutional and pooling layers. The fuzzy layer performs grouping using the interval type-2 fuzzy clustering algorithm. The yields of the fuzzy layer neurons represent the estimations of the participation capacities for the fuzzy clustering of input data. The information point cluster is chosen based on their participation grade. These characteristics demonstrate the promise of a classifier. Its yield is the full IT2FCNN yield, which is the class score for the picture. Leave C alone the number of neurons in the fuzzy layer (the quantity of clusters). The neurons of the fuzzy layer commencement limits are IT2FRUs showing the interest of the information vector x to all L groups.

IT2FRU employs the following equalities: Z = 0, to guarantee that σ = 0 ⇒ φo = 0. Additionally, the height of the LMFs is employed as m2 = α, m1 = m3 = 1 – α, as suggested in [24]. The resulting IT2FM (φ0(σ)) for σ ∈ [0, 1] can be formulated as follows:

φo(σ)=Pσk(σ)

where k(σ) is defined as

k(σ)=12(1α+σ-ασ+-1+α-1+ασ).

Similarly, for the input interval σ ∈ [−1, 0] the IT2FM can be derived as follows:

φo(σ)=Nσk(-σ).

The activation unit can be formulated by arranging Eqs. (1) and (3) as follows:

f(σ)={Pσk(σ),if σ>0,Nσk(-σ),if σ0.

The parameter P controls the incline of the capacity in the positive quadrant, whereas the parameter N controls the slant of the capacity in the negative quadrant. The resulting output of the IT2FRU can be a linear or nonlinear activation depending on the selection of the parameters. The IT2FRU has three learnable parameters P, N, and α.

The vector x = [x1, x2, ..., xj, ..., xn] deals with the commitment of the framework, and the fuzzy layer forms a vector involving the degrees of having a spot x with specific cluster territories: [vi v2. . . vj]. The parts (ūj(xi), uj(xi)) are determined utilizing Eq. (5) to fulfill the standardization condition utilizing Eq. (6) for each preparation test vector x(k), k = 1, ..., K, where K denotes the number of vectors in the ready set. The yields of neurons of the fuzzy layer are used as the commitments of the classifier.

μi˜(xk)=fj=1nxjk,i=1Lμ˜i(xk)=1.
  • The Interval Type-2 Fuzzy Membership becomes

    u¯j(xi)={k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1),if1k=1C(dji/dki)<1C,k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1),otherwise,u_j(xi)={k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1),if1k=1C(dji/dki)1C,k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1),otherwise

  • Updating cluster centers

    vj=vL+vR2.

  • Type reduction and hard-partitioning can be acquired as follows:

    uj(xi)=ujR(xi)+ujL(xi)2,         j=1,,C,ujR(xi)=l=1Mujl(xi)M,

    where

    ujl(xi)={u¯j(xi),if xiluses u¯j(xi)for vjR,u_j(xi),otherwise,

    and

    ujL(xi)=l=1Mujl(xi)M,

    where

    ujl(xi)={u¯j(xi),if xiluses u¯j(xi)for vjL,u_j(xi),otherwise.

The processes of IT2FCNN are isolated into three phases: the information design (picture) undergoes a progression of changes; subsequently, a vector of significant level attributes is framed; further, the fuzzy layer executes a groundwork dissemination of the information into fuzzy groups; finally, the totally related layers execute the plan, consigning the result class name to each get-together of clusters.

5.1 Data set and Experimental setup

Various datasets are available for the application of neural networks. The most popular datasets are CIFAR-10, Caltech101, and ImageNet. The CIFAR-10 dataset includes 60,000 images in 10 classes, with 6,000 images per class. The Caltech101 dataset includes 101 classes with 40 to 800 images per class. The ImageNet dataset includes more than 14 million images, with 20,000 categories. The experiments were executed in a Windows 7 64 piece working framework, and the principle memory and capacity limit of the PC frameworks were 8 GB RAM and 1 TB, respectively. An Intel(R) Core(TM) i5-4590 CPU @ 3.30GHz and an NVIDIA GeForce GT 705 graphics card were used. The product utilized in this investigation were Python 3.6 and Matlab. The PyCharm IDE was utilized and organized by utilizing the Keras libraries on the PyCharm exploratory stage.

5.2 Training the Architecture

The training of IT2FCNN was the foremost step that included three autonomous steps of the three components of the network. First, the model was prepared utilizing the theoretical properties of the input image by the back propagation model. In the second part of the model, the fuzzy layer was tuned using the competitive learning scheme, which implied choosing the parameters of the MF for setting the cluster centers. Various fuzzy clustering algorithms are available. Here, IT2FCM was used for clustering. Finally, the classifier was trained using the weights tuning in the fully connected layers. After the completion of training, the IT2FCNN was ready for implementation. The image pixel cluster was taken care of by the CFNN. The yield of the system was input image p class scores, and the image was allocated to the class max score esteem class.

5.3 The comparative Analysis

In this study, AlexNet, ZFNet, GoogLeNet, VGGNet16, and ResNet50 pretrained on CIFAR, ImageNet, and Caltech101 datasets were chosen for the experiment. The CFNN model fine-tuned AlexNet, ZFNet, GoogLeNet, VGGNet16, and ResNet50 to classify the images. Here, 3, 5, and 7 epochs were used for training the models. In the fuzzy layer, IT2FCM clustering was used to cluster the set of data several times with different numbers of clusters. When the fuzzy partition coefficient was maximized, the number of clusters equal to that number was chosen for the experiment. Adam, the stochastic optimization method, was used for classifier training (to tune weights) for the fully connected layer.

Table 1 presents the model performance comparison between the existing CNN and fuzzy-based CNN architectures. Figure 5 clearly shows that the fuzzy-based CNN architecture increases the performance accuracy compared to the traditional CNN architecture. The investigation distinctly indicated that remembering the fuzzy layer for the CNN gave a high caliber of exactness compared to a customary CNN.

5.4 The Comparison of RMSE, MSE, and MAE

The percentage error (% error), mean squared error (MSE), root mean squared error (RMSE), and mean absolute percentage error (MAPE) are the performance criteria for image classification. The corresponding calculation methods are defined as follows:

%Err=|yi-y¯i|yi×100,MSE=1Ni=1N(yx-y)2,RMSE=1Ni=1N(yx-y)2,MAPE=100Nxi=1N|y-yxy|.

Table 2 presents the comparison of FCNN models with IT2FCNN based on MSE and RMSE. The results indicated that the proposed method produced a good result.

The exploratory outcomes indicate that fuzzy–neural networks represent a ground-breaking and reasonable option in contrast to regular arrangement strategies. The merging of fuzzy logic with neural network applications is progressively expert in decision marking systems. In the proposed method, the CNN was used to extract the features and integrate the interval type-2 fuzzy to classify the images, which increased the accuracy of the experiment. In addition, our test results demonstrated that it was conceivable to improve testing exactness by watching the conveyance of pixels in include maps and modifying the membership function. This method provided a better solution and had more advantages than the other existing methods. Although the results are more optimistic, image classification based on interval type-2 fuzzy logic still requires further research.

Fig. 1.

Case of three kinds of fuzzy sets. A similar information p is applied to each fuzzy set. (a) T1FS, (b) IT2FS, and (c) T2FS.


Fig. 2.

Perspective on the secondary membership functions (three dimensions) initiated by an information p for (a) T1FS, (b) IT2FS, and (c) T2FS.


Fig. 3.

Structure of a convolutional neural network (CNN).


Fig. 4.

Outline of the proposed method IT2FCNN.


Fig. 5.

Performance comparison analysis for Dog vs. Cat with fine tuning epochs 3 (a), fine tuning epochs 5 (b), and fine tuning epochs 7 (c).


Table. 1.

Table 1. Performance comparison analysis with various fine tuning epochs (3, 5, and 7).

ModelFine tuning epochsDog Vs CatLion Vs TigerHorse Vs Donkey



RegularFCNN model 1FCNN model 2IT2FCNNRegularFCNN model 1FCNN model 2IT2FCNNRegularFCNN model 1FCNN model 2IT2FCNN
AlexNet34054585860586064
5516061656164656860626468
7546568726668727465687174

ZFNet3415356615658616453586164
5536261656263656862646870
7546467736869737664697276

GoogLeNet3425657615861616456616464
5546164686468687261687073
7576870746870747868707478

VGGNet163445857615857616558576265
5536264686466687262666972
7557072767072767870727478

ResNet503435656635961636556616465
5546162676362676961626569
7566971786872767969727479

Table. 2.

Table 2. Comparison of FCNN models with IT2FCNN based on MSE and RMSE.

ModelsMSERMSEMAPE
AlexNet
 FCNN Model 1.00245.0524.4
 FCNN Model 2.00183.0433.2
 IT2FCNN.00123.0352.4

ZFNet
 FCNN Model 1.00254.0544.2
 FCNN Model 2.00143.0453.1
 IT2FCNN.00134.0372.1

GoogLeNet
 FCNN Model 1.00249.0534.2
 FCNN Model 2.00197.0413.2
 IT2FCNN.00123.0362.0

VGGNet16
 FCNN Model 1.00244.0564.2
 FCNN Model 2.00158.0473.0
 IT2FCNN.00198.0392.2

ResNet50
 FCNN Model 1.00268.0584.1
 FCNN Model 2.00139.0463.1
 IT2FCNN.00132.0372.1

  1. Howard, AG . Some improvements on deep convolutional neural network based image classification., Proceedings of the 2nd International Conference on Learning Representations, 2014, Banff Canada.
  2. Jmour, N, Zayen, S, and Abdelkrim, A . Convolutional neural networks for image classification., Proceedings of 2018 International Conference on Advanced Systems and Electric Technologies (IC_ASET), 2018, Hammamet, Tunisia, Array, pp.397-402. https://doi.org/10.1109/ASET.2018.8379889
  3. Hsu, MJ, Chien, YH, Wang, WY, and Hsu, CC (2020). A convolutional fuzzy neural network architecture for object classification with small training database. International Journal of Fuzzy Systems. 22, 1-10. https://doi.org/10.1007/s40815-019-00764-1
    CrossRef
  4. Wu, XY (2020). A hand gesture recognition algorithm based on DC-CNN. Multimedia Tools and Applications. 79, 9193-9205. https://doi.org/10.1007/s11042-019-7193-4
    CrossRef
  5. Li, L, Qin, S, Lu, Z, Xu, K, and Hu, Z (2020). One-shot learning gesture recognition based on joint training of 3D ResNet and memory module. Multimedia Tools and Applications. 79, 6727-6757. https://doi.org/10.1007/s11042-019-08429-9
    CrossRef
  6. Zeng, Z, Gong, Q, and Zhang, J . CNN model design of gesture recognition based on TensorFlow framework., Proceedings of 2019 IEEE 3rd Information Technology, Networking, Electronic and Automation Control Conference (ITNEC), 2019, Chengdu, China, Array, pp.1062-1067. https://doi.org/10.1109/ITNEC.2019.8729185
  7. Lin, CJ, Lin, CH, Sun, CC, and Wang, SH (2019). Evolutionary-fuzzy-integral-based convolutional neural networks for facial image classification. Electronics. 8. article no. 997
    CrossRef
  8. Ahonen, T, Hadid, A, and Pietikainen, M (2006). Face description with local binary patterns: application to face recognition. IEEE Transactions on Pattern Analysis and Machine Intelligence. 28, 2037-2041. https://doi.org/10.1109/TPAMI.2006.244
    Pubmed CrossRef
  9. Wang, W, Yang, Y, Wang, X, Wang, W, and Li, J (2019). Development of convolutional neural network and its application in image classification: a survey. Optical Engineering. 58. article no. 040901
  10. Korshunova, KP . A convolutional fuzzy neural network for image classification., Proceedings of 2018 3rd Russian-Pacific Conference on Computer Technology and Applications (RPC), 2018, Vladivostok, Russia, Array, pp.1-4. https://doi.org/10.1109/RPC.2018.8482211
  11. Chauhan, R, Ghanshala, KK, and Joshi, RC . Convolutional neural network (CNN) for image detection and recognition., Proceedings of 2018 1st International Conference on Secure Cyber Computing and Communication (ICSCCC), 2018, Jalandhar, India, Array, pp.278-282. https://doi.org/10.1109/ICSCCC.2018.8703316
  12. Zadeh, LA (1965). Fuzzy sets. Information and Control. 8, 338-353. https://doi.org/10.1016/S0019-9958(65)90241-X
    CrossRef
  13. Zadeh, LA (1975). The concept of a linguistic variable and its application to approximate reasoning-III. Information Sciences. 8, 199-249. https://doi.org/10.1016/0020-0255(75)90017-1
    CrossRef
  14. Mendel, JM, John, RI, and Liu, F (2006). Interval type-2 fuzzy logic systems made simple. IEEE Transactions on Fuzzy Systems. 14, 808-821. https://doi.org/10.1109/TFUZZ.2006.879986
    CrossRef
  15. Zeng, J, and Liu, ZQ . Type-2 fuzzy sets for handling uncertainty in pattern recognition., Proceedings of 2006 IEEE International Conference on Fuzzy Systems, 2006, Vancouver, Canada, Array, pp.1247-1252. https://doi.org/10.1109/FUZZY.2006.1681869
  16. Hwang, C, and Rhee, FCH (2007). Uncertain fuzzy clustering: Interval type-2 fuzzy approach to C-means. IEEE Transactions on Fuzzy Systems. 15, 107-120. https://doi.org/10.1109/TFUZZ.2006.889763
    CrossRef
  17. Karnik, NN, and Mendel, JM (1999). Applications of type-2 fuzzy logic systems to forecasting of time-series. Information Sciences. 120, 89-111. https://doi.org/10.1016/S0020-0255(99)00067-5
    CrossRef
  18. Kulkarni, AD, and Cavanaugh, CD (2000). Fuzzy neural network models for classification. Applied Intelligence. 12, 207-215. https://doi.org/10.1023/A:1008367007808
    CrossRef
  19. Guo, T, Dong, J, Li, H, and Gao, Y . Simple convolutional neural network on image classification., Proceedings of 2017 IEEE 2nd International Conference on Big Data Analysis (ICBDA), 2017, Beijing, China, Array, pp.721-724. https://doi.org/10.1109/ICBDA.2017.8078730
  20. Cambria, E, and White, B (2014). Jumping NLP curves: a review of natural language processing research. IEEE Computational Intelligence Magazine. 9, 48-57. https://doi.org/10.1109/MCI.2014.2307227
    CrossRef
  21. Wang, W, and Gang, J . Application of convolutional neural network in natural language processing., Proceedings of 2018 International Conference on Information Systems and Computer Aided Education (ICISCAE), 2018, Changchun, China, Array, pp.64-70. https://doi.org/10.1109/ICISCAE.2018.8666928
  22. Haque, MA, Verma, A, Alex, JSR, and Venkatesan, N 2020. Experimental evaluation of CNN architecture for speech recognition., First International Conference on Sustainable Technologies for Computational Intelligence, Array, pp.507-514. https://doi.org/10.1007/978-981-15-0029-9_40
  23. Huang, Z, Dong, M, Mao, Q, and Zhan, Y . Speech emotion recognition using CNN., Proceedings of the 22nd ACM International Conference on Multimedia, 2014, Orlando, FL, Array, pp.801-804. https://doi.org/10.1145/2647868.2654984
  24. Karnik, NN, Mendel, JM, and Liang, Q (1999). Type-2 fuzzy logic systems. IEEE Transactions on Fuzzy Systems. 7, 643-658. https://doi.org/10.1109/91.811231
    CrossRef
  25. Mendel, JM, and John, RB (2002). Type-2 fuzzy sets made simple. IEEE Transactions on Fuzzy Systems. 10, 117-127. https://doi.org/10.1109/91.995115
    CrossRef
  26. Mendel, JM (2000). Uncertainty, fuzzy logic, and signal processing. Signal Processing. 80, 913-933. https://doi.org/10.1016/S0165-1684(00)00011-6
    CrossRef
  27. Simonyan, K, and Zisserman, A . Very deep convolutional networks for large-scale image recognition., Proceedings of the 3rd International Conference on Learning Representations, 2015, San Diego, CA.
  28. Nguyen, TL, Kavuri, S, and Lee, M (2018). A fuzzy convolutional neural network for text sentiment analysis. Journal of Intelligent & Fuzzy Systems. 35, 6025-6034. https://doi.org/10.3233/JIFS-169843
    CrossRef
  29. Alizadeh, S, and Fazel, A. (2017) . Convolutional neural networks for facial expression recognition. Available https://arxiv.org/abs/1704.06756
  30. Nguyen, TL, Kavuri, S, and Lee, M (2019). A multimodal convolutional neuro-fuzzy network for emotion understanding of movie clips. Neural Networks. 118, 208-219. https://doi.org/10.1016/j.neunet.2019.06.010
    Pubmed CrossRef
  31. Lee, SJ, Chen, T, Yu, L, and Lai, CH (2018). Image classification based on the boost convolutional neural network. IEEE Access. 6, 12755-12768. https://doi.org/10.1109/ACCESS.2018.2796722
    CrossRef
  32. Popko, EA, and Weinstein, IA (2016). Fuzzy logic module of convolutional neural network for handwritten digits recognition. Journal of Physics: Conference Series. 738. article no. 012123
  33. Mane, DT, and Kulkarni, UV (2019). A novel fuzzy convolutional neural network for recognition of handwritten Marathi numerals. International Journal of High Performance Computing and Networking. 15, 158-169. https://doi.org/10.1504/IJHPCN.2019.106094
    CrossRef
  34. An, J, Fu, L, Hu, M, Chen, W, and Zhan, J (2019). A novel fuzzy-based convolutional neural network method to traffic flow prediction with uncertain traffic accident information. IEEE Access. 7, 20708-20722. https://doi.org/10.1109/ACCESS.2019.2896913
    CrossRef
  35. Umoh, U, Umoeka, I, Ntekop, M, and Babalola, E (2018). Interval type-2 fuzzy neural networks for short-term electric load forecasting: a comparative study. International Journal on Soft Computing. 9, 1-20. https://doi.org/10.5121/ijsc.2018.9101
    CrossRef
  36. LeCun, Y, Boser, B, Denker, JS, Henderson, D, Howard, RE, Hubbard, W, and Jackel, LD (1989). Backpropagation applied to handwritten zip code recognition. Neural Computation. 1, 541-551. https://doi.org/10.1162/neco.1989.1.4.541
    CrossRef
  37. Keller, JM, and Hunt, DJ (1985). Incorporating fuzzy membership functions into the perceptron algorithm. IEEE Transactions on Pattern Analysis and Machine Intelligence. 7, 693-699. https://doi.org/10.1109/TPAMI.1985.4767725
    Pubmed CrossRef
  38. Price, SR, Price, SR, and Anderson, DT . Introducing fuzzy layers for deep learning., Proceedings of 2019 IEEE International Conference on Fuzzy Systems (FUZZ-IEEE), 2019, New Orleans, LA, Array, pp.1-6. https://doi.org/10.1109/FUZZ-IEEE.2019.8858790
  39. Beke, A, and Kumbasar, T . Interval Type-2 fuzzy systems as deep neural network activation functions., Proceedings of the 11th Conference of the European Society for Fuzzy Logic and Technology (EUSFLAT), 2019, Prague, Czech Republic, Array, pp.267-273. https://dx.doi.org/10.2991/eusflat-19.2019.39
  40. Borisov, VV, Kruglov, VV, and Fedulov, AS (2012). Nechetkie modeli i seti [Fuzzy Models and Nets]. Moscow, Russia: Gorjachaja linija-Telekom
  41. Fuller, R (1995). Neural Fuzzy Systems. Turku, Finland: Abo Akademi University
  42. Liang, Q, and Mendel, JM (2000). Interval type-2 fuzzy logic systems: theory and design. IEEE Transactions on Fuzzy Systems. 8, 535-550. https://doi.org/10.1109/91.873577
    CrossRef

P. Murugeswari received the M.Tech degree in Computer Science and Information Technology from MS University, Tamilnadu, India in 2004 and the Ph.D. degree in Information and Communication Engineering from Anna University, Chennai, Tamilnadu, India in in 2014. She is a Professor of Computer Science and Engineering, Karpagam College of Engineering, Tamilnadu, Coimbatore, Tamilnadu, India since 2004. She received research fund from CSIR to conduct seminar, workshop and conference. She research has been published widely, more than 14 paper in reputed national/international journals and she has been invited to lecture on image processing and fuzzy logic. Her research interest spans the domains of Image processing, Fuzzy logic, Neural Networks, Artificial Intelligence, Machine Learning and Data Science. Her research involves development of algorithm on Type-2 fuzzy logic based image classification using Deep learning concepts.

E-mail: pmurugeswarik7@gmail.com

S. Vijayalakshmi received MCA degree from Madurai Kamaraj University, Madurai, Tamilnadu, India in 2000. and M.Phil degree in Computer Science and SET(State Eligibility Test) in Computer Science and Applications from Mother Teresa University, Kodaikanal, Tamilnadu, and the Ph.D. degree in Computer Science from Bharathiar University, Coimbatore, Tamilnadu, India in in 2017. She is an Assistant Professor of Computer Applications Department, NMS S. Vellaichamy Nadar College, Madurai, Tamilnadu, India. She received a research fund from DRDO to conduct a seminar. Her research has been published widely, more than 10 papers in reputed national/international journals and she has been invited to lecture on Information Retrieval. Her research interest spans the domains of Text Mining, Artificial Intelligence, Neural Networks, Machine Learning and Data Science. Her research involves development of algorithms on Semi-Supervised Clustering using Deep learning concepts.

E-mail: pandyviji@gmail.com

Article

Original Article

International Journal of Fuzzy Logic and Intelligent Systems 2020; 20(4): 336-345

Published online December 25, 2020 https://doi.org/10.5391/IJFIS.2020.20.4.336

Copyright © The Korean Institute of Intelligent Systems.

New Method of Internal Type-2 Fuzzy-Based CNN for Image Classification

P. Murugeswari1 and S. Vijayalakshmi2

1Department of Computer Science and Engineering, Karpagam College of Engineering, Coimbatore,Tamilnadu, India
2Department of Computer Applications, NMS S. Vellaichamy Nadar College, Madurai, Tamilnadu, India

Correspondence to:P. Murugeswari (pmurugeswarik7@gmail.com)

Received: August 26, 2020; Revised: December 8, 2020; Accepted: December 15, 2020

This is an Open Access article distributed under the terms of the Creative Commons Attribution Non-Commercial License (http://creativecommons.org/licenses/by-nc/3.0/) which permits unrestricted noncommercial use, distribution, and reproduction in any medium, provided the original work is properly cited.

Abstract

In the last two decades, neural networks and fuzzy logic have been successfully implemented in intelligent systems. The fuzzy neural network (FNN) system framework infers the union of fuzzy logic and neural network system framework thoughts, which consolidates their advantages. The FNN system is applied in several scientific and engineering areas. Wherever there is uncertainty associated with the data, fuzzy logic places a vital rule. The fuzzy set can effectively represent and handle uncertain information. The main objective of the FNN system is to achieve a high level of accuracy by including the fuzzy logic in either the neural network structures, activation functions, or learning algorithms. In computer vision and intelligent systems, convolutional neural networks (CNNs) have more popular architectures, and their performance is excellent in many applications. In this paper, fuzzy-based CNN image classification methods are analyzed, and an interval type-2 fuzzy-based CNN is proposed. The experimental results indicated that the performance of the proposed method was good.

Keywords: CNN, FCNN, Fuzzy logic, Interval type-2 fuzzy logic, Feature extraction, Computer vision, Image classification

1. Introduction

In computer vision image classification, a given image is characterized into a pre-defined characterized class. Customary image classification includes feature extraction and classification modules. The feature extraction includes extracting a superior degree of pixel information from raw pixels, which will capture the greatness among the classifications. Normally, this process is performed in an unsupervised manner wherein the classes of the picture have nothing to do with the data extracted from pixels. Few typical and generally utilized feature extractions are GIST, HOG, SIFT, and LBP. After feature extraction, a classification module is prepared with the image and its related names. Few tests for this module include SVM, logistic regression, random forest, and choice trees.

Recurrent neural networks (RNNs), long short-term memory (LSTM), artificial neural networks (ANNs), and convolutional neural networks (CNNs) are the most popular neural network architectures. A CNN is suitable for image databases, and it works amazingly in computer vision tasks, such as image classification [1, 2], object detection [3], and image recognition [4]. It does not include an explicit element extractor. It extracts and characterizes modules in a coordinated framework and determines ways to separate representations from the pictures and orders them depending on regulated information.

A CNN is utilized in various assignments that have an extraordinary presentation in various applications. CNNs have been presenting an employable class of models for better information on image details, achieving better image acknowledgment, segmentation, identification, and retrieval. CNN structures are productively and successfully utilized in several pattern and image recognition applications [5], for example, motion acknowledgment [4, 6], face acknowledgment [7, 8], object characterization [9, 10], and scene description creation [11].

Zadeh [12] presented the idea of fuzzy logic (type-1 fuzzy) for tackling control framework-related issues. Later, analysts have contributed several fascinating applications to the field of computer vision. Notably, a type-2 fuzzy set (T2FS) was presented by Zadeh [13] in 1975, and it was further created by Jerry M. Mendel. In a type-1 fuzzy set (T1FS), the degree of participation is determined by a crisp number in the interval [1, 0]. In T2FS, the degree of participation is itself fuzzy and is indicated by secondary membership functions (MFs). If the secondary MF values are at their limit of 1 at each point, which is called an interval type-2 fuzzy set (IT2FS) [1315], the T2FS incorporates a third measurement and an impression of uncertainty, as depicted in Figure 1, which gives an additional level of opportunity to deal with uncertainty. This additional level of fuzziness provides an increasingly capable method to deal with uncertainty. Figure 2 illustrates the secondary MFs (third element) of the T1FS (Figure 2(a)), IT2FS (Figure 2(b)), and general T2FS (Figure 2(c)), as initiated by an information p, similar to that shown in Figure 1.

Particularly, type-1 FCM has become the most notable calculation used in group investigations. Numerous analysts have demonstrated that there are imperatives in the limitations of T1FSs to show and break the effect of uncertainties, because their interest grades are crisp. A T2FS is spoken to by MFs that are themselves fuzzy. An IT2FS [16], an exceptional instance of T2FS, is currently the one most generally utilized, considering its decreased computational expense. An IT2FS is restricted by two T1FSs, one above and one below, that are called upper MF (UMF) and lower MF (LMF), and the domain among the UMF and LMF is called the footprint of uncertainty (FOU). Thus, T2FS exhibits various uncertainties; however, the computational unpredictability increases owing to its extra component of optional evaluations of every essential enrolment. Certain model applications include type-2 fuzzy clustering [17], Gaussian noise filter, classification of coded video streams, medical applications, and color picture division.

Recently, fuzzy logic and neural networks have been widely applied to solve real-world problems. Fuzzy logic is a set of mathematical principles used for knowledge representation, based on the degrees of membership, as opposed to the classical binary logic. It is a powerful tool to tackle imprecision and uncertainty and was initially introduced to provide robust and low-cost solutions for real-world problems. Generally, type-1 fuzzy logic systems (T1FLS) have been implemented in several systems such as forecasting systems, control systems, databases, and healthcare clinical diagnoses.

The drawback of the conventional type-1 fuzzy logic system is its limited capability to handle data uncertainties directly, as certain designed systems face high level of uncertainties that can affect the performance of the systems. The type-2 fuzzy logic system (T2FLS) is an extension of the former with the intention of being able to model the uncertainties that invariably exist in the rule base because the MFs of type-2 fuzzy systems are themselves fuzzy. It provides a powerful framework for representing and handling such types of uncertainties. An interval type-2 fuzzy logic system (IT2FLS), which is a special case of T2FLS, has been applied to solve real-world problems. Recent theoretical and practical studies confirm that IT2FLSs adequately handle uncertainties compared to that by T1FLSs, and an increasing number of applications of IT2FLSs is expected in different fields of science and engineering. T1FLSs and IT2FLSs have been applied in a wide variety of areas to solve problems.

2. Literature Survey

The CNN is a type of neural network that has indicated commendable execution when faced with several challenges related to computer vision and image processing. A part of the invigorating application areas of CNN fuse image classification and segmentation [18], object detection [3], video processing [19], natural language processing [20, 21], and speech recognition [22, 23]. The learning limit of a significant CNN is basically a result of the usage of various component extractions composes that can normally take in exposé from the data. The availability of abundant data and improvement in the gear development has accelerated the investigation in CNNs, and starting late attractive profound CNN models have been represented. A few moving plans for advancement of CNNs have been investigated [7], for example, the utilization of various activation and loss functions, parameter streamlining, regularization, and compositional advancements.

Karnik et al. [24] stated that the use of a T1FS to model a word is scientifically incorrect because a word is uncertain and a T1FS is certain. Therefore, he conducted in-depth research on type-2 fuzzy and contributed several papers [2426] on type-2 fuzzy logic. Based on that, several researchers have contributed several algorithms for their applications. For example, the classification of coded video streams, diagnosis of diseases, pre-processing radiographic images, medical image applications, transport scheduling, forecasting of time series, learning linguistic membership grades, inference engine design, and control of mobile robots. The computational complexity is high in type-2 fuzzy. Therefore, the type-2 fuzzy set is simplified into an IT2 Fuzzy, in which the computational complexity can be significantly reduced in appropriate applications.

Recently, fuzzy logic and neural networks have been widely applied to solve real-world problems. Fuzzy logic includes several mathematical standards for information representation depending on degrees of participation, as opposed to the binary logic. It is an incredible asset to handle imprecision and uncertainty, and it was introduced to provide robust and low-cost resolution for real-world problems [27]. Particularly, type-1 fuzzy logic frameworks have been executed in numerous systems to a wider scale, including approximation and forecasting systems, control systems, databases, and healthcare clinical diagnosis.

Researchers have successfully combined and implemented neural networks and fuzzy logic in intelligent systems. The fuzzy neural network (FNN) system framework implies the combination of fuzzy logic and neural network system ideas, which incorporates their benefits. This FNN is applied in several scientific and engineering areas, such as text sentient evaluation [28], object classification with small training database [3], emotion features extraction from text [29], comprehension of emotions in movies [30], real world objects and image classification [19, 31], Marathi handwritten numerals recognition [32, 33], traffic flow prediction [34], electric load prediction [35], and handwritten digits recognition [36]. Keller and Hunt [37] proposed hierarchical deep neural network fuzzy systems that obtain information from both fuzzy and neural representations. Price et al. [38] proposed the introduction of the fuzzy layers for deep learning, experiencing the choice of different combination procedures and total yields from best-in-class pre-prepared models, for example, AlexNet, VGG16, GoogLeNet, Inception-v3, and ResNet-18.

3. Comparison of FCNN Architectures

Generally, CNN architectures include two phases: feature extraction and classification. The FCNN is a combination of CNN and fuzzy logic; therefore, the fuzzy logic may include either a feature extraction phase or a classification phase. Depending on the application, researchers have proposed various FCNN architectures, including fuzzy logic in the feature extraction phase or classification phase. Here, the two FCNN architectures, with fuzzy logic included in the classification phase, were compared for image classification. Hsu et al. [3] have integrated a CNN with a fuzzy neural network (FCNN model 1), where the FNN summarizes the feature information from every fuzzy map. Korshunova [10] (FCNN model 2) proposed a CFNN architecture that includes a fuzzy layer, which is situated between the convolutional network and classifier.

4. Interval Type-2 Fuzzy CNN

The new IT2FCNN architecture integrates the features of the CNN and FNN. It integrates the interval type-2 fuzzy rectification unit (IT2FRU) [39] activation function in convolution for feature extraction in CNN and interval type-2 fuzzy-based classification in the fuzzy layer. This method combines the advantages of both network architectures and interval type-2 fuzzy logic. The IT2FCNN architecture includes four types of layers: i) convolutional layer with IT2FRU, ii) pooling layer, iii) fuzzy layer, and iv) fuzzy classifier.

The convolutional neural framework obtains a data image and performs the course of action of convolutional and pooling layers. The fuzzy layer performs grouping using the interval type-2 fuzzy clustering algorithm. The yields of the fuzzy layer neurons represent the estimations of the participation capacities for the fuzzy clustering of input data. The information point cluster is chosen based on their participation grade. These characteristics demonstrate the promise of a classifier. Its yield is the full IT2FCNN yield, which is the class score for the picture. Leave C alone the number of neurons in the fuzzy layer (the quantity of clusters). The neurons of the fuzzy layer commencement limits are IT2FRUs showing the interest of the information vector x to all L groups.

IT2FRU employs the following equalities: Z = 0, to guarantee that σ = 0 ⇒ φo = 0. Additionally, the height of the LMFs is employed as m2 = α, m1 = m3 = 1 – α, as suggested in [24]. The resulting IT2FM (φ0(σ)) for σ ∈ [0, 1] can be formulated as follows:

φo(σ)=Pσk(σ)

where k(σ) is defined as

k(σ)=12(1α+σ-ασ+-1+α-1+ασ).

Similarly, for the input interval σ ∈ [−1, 0] the IT2FM can be derived as follows:

φo(σ)=Nσk(-σ).

The activation unit can be formulated by arranging Eqs. (1) and (3) as follows:

f(σ)={Pσk(σ),if σ>0,Nσk(-σ),if σ0.

The parameter P controls the incline of the capacity in the positive quadrant, whereas the parameter N controls the slant of the capacity in the negative quadrant. The resulting output of the IT2FRU can be a linear or nonlinear activation depending on the selection of the parameters. The IT2FRU has three learnable parameters P, N, and α.

The vector x = [x1, x2, ..., xj, ..., xn] deals with the commitment of the framework, and the fuzzy layer forms a vector involving the degrees of having a spot x with specific cluster territories: [vi v2. . . vj]. The parts (ūj(xi), uj(xi)) are determined utilizing Eq. (5) to fulfill the standardization condition utilizing Eq. (6) for each preparation test vector x(k), k = 1, ..., K, where K denotes the number of vectors in the ready set. The yields of neurons of the fuzzy layer are used as the commitments of the classifier.

μi˜(xk)=fj=1nxjk,i=1Lμ˜i(xk)=1.
  • The Interval Type-2 Fuzzy Membership becomes

    u¯j(xi)={k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1),if1k=1C(dji/dki)<1C,k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1),otherwise,u_j(xi)={k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m1-1),if1k=1C(dji/dki)1C,k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1)k=1C((dji/dki)+α(dji/dki)δ)2/(m2-1),otherwise

  • Updating cluster centers

    vj=vL+vR2.

  • Type reduction and hard-partitioning can be acquired as follows:

    uj(xi)=ujR(xi)+ujL(xi)2,         j=1,,C,ujR(xi)=l=1Mujl(xi)M,

    where

    ujl(xi)={u¯j(xi),if xiluses u¯j(xi)for vjR,u_j(xi),otherwise,

    and

    ujL(xi)=l=1Mujl(xi)M,

    where

    ujl(xi)={u¯j(xi),if xiluses u¯j(xi)for vjL,u_j(xi),otherwise.

The processes of IT2FCNN are isolated into three phases: the information design (picture) undergoes a progression of changes; subsequently, a vector of significant level attributes is framed; further, the fuzzy layer executes a groundwork dissemination of the information into fuzzy groups; finally, the totally related layers execute the plan, consigning the result class name to each get-together of clusters.

5. Experimental Result

5.1 Data set and Experimental setup

Various datasets are available for the application of neural networks. The most popular datasets are CIFAR-10, Caltech101, and ImageNet. The CIFAR-10 dataset includes 60,000 images in 10 classes, with 6,000 images per class. The Caltech101 dataset includes 101 classes with 40 to 800 images per class. The ImageNet dataset includes more than 14 million images, with 20,000 categories. The experiments were executed in a Windows 7 64 piece working framework, and the principle memory and capacity limit of the PC frameworks were 8 GB RAM and 1 TB, respectively. An Intel(R) Core(TM) i5-4590 CPU @ 3.30GHz and an NVIDIA GeForce GT 705 graphics card were used. The product utilized in this investigation were Python 3.6 and Matlab. The PyCharm IDE was utilized and organized by utilizing the Keras libraries on the PyCharm exploratory stage.

5.2 Training the Architecture

The training of IT2FCNN was the foremost step that included three autonomous steps of the three components of the network. First, the model was prepared utilizing the theoretical properties of the input image by the back propagation model. In the second part of the model, the fuzzy layer was tuned using the competitive learning scheme, which implied choosing the parameters of the MF for setting the cluster centers. Various fuzzy clustering algorithms are available. Here, IT2FCM was used for clustering. Finally, the classifier was trained using the weights tuning in the fully connected layers. After the completion of training, the IT2FCNN was ready for implementation. The image pixel cluster was taken care of by the CFNN. The yield of the system was input image p class scores, and the image was allocated to the class max score esteem class.

5.3 The comparative Analysis

In this study, AlexNet, ZFNet, GoogLeNet, VGGNet16, and ResNet50 pretrained on CIFAR, ImageNet, and Caltech101 datasets were chosen for the experiment. The CFNN model fine-tuned AlexNet, ZFNet, GoogLeNet, VGGNet16, and ResNet50 to classify the images. Here, 3, 5, and 7 epochs were used for training the models. In the fuzzy layer, IT2FCM clustering was used to cluster the set of data several times with different numbers of clusters. When the fuzzy partition coefficient was maximized, the number of clusters equal to that number was chosen for the experiment. Adam, the stochastic optimization method, was used for classifier training (to tune weights) for the fully connected layer.

Table 1 presents the model performance comparison between the existing CNN and fuzzy-based CNN architectures. Figure 5 clearly shows that the fuzzy-based CNN architecture increases the performance accuracy compared to the traditional CNN architecture. The investigation distinctly indicated that remembering the fuzzy layer for the CNN gave a high caliber of exactness compared to a customary CNN.

5.4 The Comparison of RMSE, MSE, and MAE

The percentage error (% error), mean squared error (MSE), root mean squared error (RMSE), and mean absolute percentage error (MAPE) are the performance criteria for image classification. The corresponding calculation methods are defined as follows:

%Err=|yi-y¯i|yi×100,MSE=1Ni=1N(yx-y)2,RMSE=1Ni=1N(yx-y)2,MAPE=100Nxi=1N|y-yxy|.

Table 2 presents the comparison of FCNN models with IT2FCNN based on MSE and RMSE. The results indicated that the proposed method produced a good result.

6. Conclusions

The exploratory outcomes indicate that fuzzy–neural networks represent a ground-breaking and reasonable option in contrast to regular arrangement strategies. The merging of fuzzy logic with neural network applications is progressively expert in decision marking systems. In the proposed method, the CNN was used to extract the features and integrate the interval type-2 fuzzy to classify the images, which increased the accuracy of the experiment. In addition, our test results demonstrated that it was conceivable to improve testing exactness by watching the conveyance of pixels in include maps and modifying the membership function. This method provided a better solution and had more advantages than the other existing methods. Although the results are more optimistic, image classification based on interval type-2 fuzzy logic still requires further research.

Fig 1.

Figure 1.

Case of three kinds of fuzzy sets. A similar information p is applied to each fuzzy set. (a) T1FS, (b) IT2FS, and (c) T2FS.

The International Journal of Fuzzy Logic and Intelligent Systems 2020; 20: 336-345https://doi.org/10.5391/IJFIS.2020.20.4.336

Fig 2.

Figure 2.

Perspective on the secondary membership functions (three dimensions) initiated by an information p for (a) T1FS, (b) IT2FS, and (c) T2FS.

The International Journal of Fuzzy Logic and Intelligent Systems 2020; 20: 336-345https://doi.org/10.5391/IJFIS.2020.20.4.336

Fig 3.

Figure 3.

Structure of a convolutional neural network (CNN).

The International Journal of Fuzzy Logic and Intelligent Systems 2020; 20: 336-345https://doi.org/10.5391/IJFIS.2020.20.4.336

Fig 4.

Figure 4.

Outline of the proposed method IT2FCNN.

The International Journal of Fuzzy Logic and Intelligent Systems 2020; 20: 336-345https://doi.org/10.5391/IJFIS.2020.20.4.336

Fig 5.

Figure 5.

Performance comparison analysis for Dog vs. Cat with fine tuning epochs 3 (a), fine tuning epochs 5 (b), and fine tuning epochs 7 (c).

The International Journal of Fuzzy Logic and Intelligent Systems 2020; 20: 336-345https://doi.org/10.5391/IJFIS.2020.20.4.336

Table 1 . Performance comparison analysis with various fine tuning epochs (3, 5, and 7).

ModelFine tuning epochsDog Vs CatLion Vs TigerHorse Vs Donkey



RegularFCNN model 1FCNN model 2IT2FCNNRegularFCNN model 1FCNN model 2IT2FCNNRegularFCNN model 1FCNN model 2IT2FCNN
AlexNet34054585860586064
5516061656164656860626468
7546568726668727465687174

ZFNet3415356615658616453586164
5536261656263656862646870
7546467736869737664697276

GoogLeNet3425657615861616456616464
5546164686468687261687073
7576870746870747868707478

VGGNet163445857615857616558576265
5536264686466687262666972
7557072767072767870727478

ResNet503435656635961636556616465
5546162676362676961626569
7566971786872767969727479

Table 2 . Comparison of FCNN models with IT2FCNN based on MSE and RMSE.

ModelsMSERMSEMAPE
AlexNet
 FCNN Model 1.00245.0524.4
 FCNN Model 2.00183.0433.2
 IT2FCNN.00123.0352.4

ZFNet
 FCNN Model 1.00254.0544.2
 FCNN Model 2.00143.0453.1
 IT2FCNN.00134.0372.1

GoogLeNet
 FCNN Model 1.00249.0534.2
 FCNN Model 2.00197.0413.2
 IT2FCNN.00123.0362.0

VGGNet16
 FCNN Model 1.00244.0564.2
 FCNN Model 2.00158.0473.0
 IT2FCNN.00198.0392.2

ResNet50
 FCNN Model 1.00268.0584.1
 FCNN Model 2.00139.0463.1
 IT2FCNN.00132.0372.1

References

  1. Howard, AG . Some improvements on deep convolutional neural network based image classification., Proceedings of the 2nd International Conference on Learning Representations, 2014, Banff Canada.
  2. Jmour, N, Zayen, S, and Abdelkrim, A . Convolutional neural networks for image classification., Proceedings of 2018 International Conference on Advanced Systems and Electric Technologies (IC_ASET), 2018, Hammamet, Tunisia, Array, pp.397-402. https://doi.org/10.1109/ASET.2018.8379889
  3. Hsu, MJ, Chien, YH, Wang, WY, and Hsu, CC (2020). A convolutional fuzzy neural network architecture for object classification with small training database. International Journal of Fuzzy Systems. 22, 1-10. https://doi.org/10.1007/s40815-019-00764-1
    CrossRef
  4. Wu, XY (2020). A hand gesture recognition algorithm based on DC-CNN. Multimedia Tools and Applications. 79, 9193-9205. https://doi.org/10.1007/s11042-019-7193-4
    CrossRef
  5. Li, L, Qin, S, Lu, Z, Xu, K, and Hu, Z (2020). One-shot learning gesture recognition based on joint training of 3D ResNet and memory module. Multimedia Tools and Applications. 79, 6727-6757. https://doi.org/10.1007/s11042-019-08429-9
    CrossRef
  6. Zeng, Z, Gong, Q, and Zhang, J . CNN model design of gesture recognition based on TensorFlow framework., Proceedings of 2019 IEEE 3rd Information Technology, Networking, Electronic and Automation Control Conference (ITNEC), 2019, Chengdu, China, Array, pp.1062-1067. https://doi.org/10.1109/ITNEC.2019.8729185
  7. Lin, CJ, Lin, CH, Sun, CC, and Wang, SH (2019). Evolutionary-fuzzy-integral-based convolutional neural networks for facial image classification. Electronics. 8. article no. 997
    CrossRef
  8. Ahonen, T, Hadid, A, and Pietikainen, M (2006). Face description with local binary patterns: application to face recognition. IEEE Transactions on Pattern Analysis and Machine Intelligence. 28, 2037-2041. https://doi.org/10.1109/TPAMI.2006.244
    Pubmed CrossRef
  9. Wang, W, Yang, Y, Wang, X, Wang, W, and Li, J (2019). Development of convolutional neural network and its application in image classification: a survey. Optical Engineering. 58. article no. 040901
  10. Korshunova, KP . A convolutional fuzzy neural network for image classification., Proceedings of 2018 3rd Russian-Pacific Conference on Computer Technology and Applications (RPC), 2018, Vladivostok, Russia, Array, pp.1-4. https://doi.org/10.1109/RPC.2018.8482211
  11. Chauhan, R, Ghanshala, KK, and Joshi, RC . Convolutional neural network (CNN) for image detection and recognition., Proceedings of 2018 1st International Conference on Secure Cyber Computing and Communication (ICSCCC), 2018, Jalandhar, India, Array, pp.278-282. https://doi.org/10.1109/ICSCCC.2018.8703316
  12. Zadeh, LA (1965). Fuzzy sets. Information and Control. 8, 338-353. https://doi.org/10.1016/S0019-9958(65)90241-X
    CrossRef
  13. Zadeh, LA (1975). The concept of a linguistic variable and its application to approximate reasoning-III. Information Sciences. 8, 199-249. https://doi.org/10.1016/0020-0255(75)90017-1
    CrossRef
  14. Mendel, JM, John, RI, and Liu, F (2006). Interval type-2 fuzzy logic systems made simple. IEEE Transactions on Fuzzy Systems. 14, 808-821. https://doi.org/10.1109/TFUZZ.2006.879986
    CrossRef
  15. Zeng, J, and Liu, ZQ . Type-2 fuzzy sets for handling uncertainty in pattern recognition., Proceedings of 2006 IEEE International Conference on Fuzzy Systems, 2006, Vancouver, Canada, Array, pp.1247-1252. https://doi.org/10.1109/FUZZY.2006.1681869
  16. Hwang, C, and Rhee, FCH (2007). Uncertain fuzzy clustering: Interval type-2 fuzzy approach to C-means. IEEE Transactions on Fuzzy Systems. 15, 107-120. https://doi.org/10.1109/TFUZZ.2006.889763
    CrossRef
  17. Karnik, NN, and Mendel, JM (1999). Applications of type-2 fuzzy logic systems to forecasting of time-series. Information Sciences. 120, 89-111. https://doi.org/10.1016/S0020-0255(99)00067-5
    CrossRef
  18. Kulkarni, AD, and Cavanaugh, CD (2000). Fuzzy neural network models for classification. Applied Intelligence. 12, 207-215. https://doi.org/10.1023/A:1008367007808
    CrossRef
  19. Guo, T, Dong, J, Li, H, and Gao, Y . Simple convolutional neural network on image classification., Proceedings of 2017 IEEE 2nd International Conference on Big Data Analysis (ICBDA), 2017, Beijing, China, Array, pp.721-724. https://doi.org/10.1109/ICBDA.2017.8078730
  20. Cambria, E, and White, B (2014). Jumping NLP curves: a review of natural language processing research. IEEE Computational Intelligence Magazine. 9, 48-57. https://doi.org/10.1109/MCI.2014.2307227
    CrossRef
  21. Wang, W, and Gang, J . Application of convolutional neural network in natural language processing., Proceedings of 2018 International Conference on Information Systems and Computer Aided Education (ICISCAE), 2018, Changchun, China, Array, pp.64-70. https://doi.org/10.1109/ICISCAE.2018.8666928
  22. Haque, MA, Verma, A, Alex, JSR, and Venkatesan, N 2020. Experimental evaluation of CNN architecture for speech recognition., First International Conference on Sustainable Technologies for Computational Intelligence, Array, pp.507-514. https://doi.org/10.1007/978-981-15-0029-9_40
  23. Huang, Z, Dong, M, Mao, Q, and Zhan, Y . Speech emotion recognition using CNN., Proceedings of the 22nd ACM International Conference on Multimedia, 2014, Orlando, FL, Array, pp.801-804. https://doi.org/10.1145/2647868.2654984
  24. Karnik, NN, Mendel, JM, and Liang, Q (1999). Type-2 fuzzy logic systems. IEEE Transactions on Fuzzy Systems. 7, 643-658. https://doi.org/10.1109/91.811231
    CrossRef
  25. Mendel, JM, and John, RB (2002). Type-2 fuzzy sets made simple. IEEE Transactions on Fuzzy Systems. 10, 117-127. https://doi.org/10.1109/91.995115
    CrossRef
  26. Mendel, JM (2000). Uncertainty, fuzzy logic, and signal processing. Signal Processing. 80, 913-933. https://doi.org/10.1016/S0165-1684(00)00011-6
    CrossRef
  27. Simonyan, K, and Zisserman, A . Very deep convolutional networks for large-scale image recognition., Proceedings of the 3rd International Conference on Learning Representations, 2015, San Diego, CA.
  28. Nguyen, TL, Kavuri, S, and Lee, M (2018). A fuzzy convolutional neural network for text sentiment analysis. Journal of Intelligent & Fuzzy Systems. 35, 6025-6034. https://doi.org/10.3233/JIFS-169843
    CrossRef
  29. Alizadeh, S, and Fazel, A. (2017) . Convolutional neural networks for facial expression recognition. Available https://arxiv.org/abs/1704.06756
  30. Nguyen, TL, Kavuri, S, and Lee, M (2019). A multimodal convolutional neuro-fuzzy network for emotion understanding of movie clips. Neural Networks. 118, 208-219. https://doi.org/10.1016/j.neunet.2019.06.010
    Pubmed CrossRef
  31. Lee, SJ, Chen, T, Yu, L, and Lai, CH (2018). Image classification based on the boost convolutional neural network. IEEE Access. 6, 12755-12768. https://doi.org/10.1109/ACCESS.2018.2796722
    CrossRef
  32. Popko, EA, and Weinstein, IA (2016). Fuzzy logic module of convolutional neural network for handwritten digits recognition. Journal of Physics: Conference Series. 738. article no. 012123
  33. Mane, DT, and Kulkarni, UV (2019). A novel fuzzy convolutional neural network for recognition of handwritten Marathi numerals. International Journal of High Performance Computing and Networking. 15, 158-169. https://doi.org/10.1504/IJHPCN.2019.106094
    CrossRef
  34. An, J, Fu, L, Hu, M, Chen, W, and Zhan, J (2019). A novel fuzzy-based convolutional neural network method to traffic flow prediction with uncertain traffic accident information. IEEE Access. 7, 20708-20722. https://doi.org/10.1109/ACCESS.2019.2896913
    CrossRef
  35. Umoh, U, Umoeka, I, Ntekop, M, and Babalola, E (2018). Interval type-2 fuzzy neural networks for short-term electric load forecasting: a comparative study. International Journal on Soft Computing. 9, 1-20. https://doi.org/10.5121/ijsc.2018.9101
    CrossRef
  36. LeCun, Y, Boser, B, Denker, JS, Henderson, D, Howard, RE, Hubbard, W, and Jackel, LD (1989). Backpropagation applied to handwritten zip code recognition. Neural Computation. 1, 541-551. https://doi.org/10.1162/neco.1989.1.4.541
    CrossRef
  37. Keller, JM, and Hunt, DJ (1985). Incorporating fuzzy membership functions into the perceptron algorithm. IEEE Transactions on Pattern Analysis and Machine Intelligence. 7, 693-699. https://doi.org/10.1109/TPAMI.1985.4767725
    Pubmed CrossRef
  38. Price, SR, Price, SR, and Anderson, DT . Introducing fuzzy layers for deep learning., Proceedings of 2019 IEEE International Conference on Fuzzy Systems (FUZZ-IEEE), 2019, New Orleans, LA, Array, pp.1-6. https://doi.org/10.1109/FUZZ-IEEE.2019.8858790
  39. Beke, A, and Kumbasar, T . Interval Type-2 fuzzy systems as deep neural network activation functions., Proceedings of the 11th Conference of the European Society for Fuzzy Logic and Technology (EUSFLAT), 2019, Prague, Czech Republic, Array, pp.267-273. https://dx.doi.org/10.2991/eusflat-19.2019.39
  40. Borisov, VV, Kruglov, VV, and Fedulov, AS (2012). Nechetkie modeli i seti [Fuzzy Models and Nets]. Moscow, Russia: Gorjachaja linija-Telekom
  41. Fuller, R (1995). Neural Fuzzy Systems. Turku, Finland: Abo Akademi University
  42. Liang, Q, and Mendel, JM (2000). Interval type-2 fuzzy logic systems: theory and design. IEEE Transactions on Fuzzy Systems. 8, 535-550. https://doi.org/10.1109/91.873577
    CrossRef

Share this article on :

Related articles in IJFIS