首页 > 最新文献

Int. J. Comput. Intell. Appl.最新文献

英文 中文
Identification and Filtering of Web Spams Using a Machine Learning Method 使用机器学习方法识别和过滤Web垃圾邮件
Pub Date : 2022-12-20 DOI: 10.1142/s1469026822500237
Dawei Zhang, Yanyu Liu
In order to enhance the filtering of spam on the Internet and improve the experience of Internet users, this paper proposed to convert the email text into vector features using the vector space model, constructed a two-dimensional matrix, and used a convolutional neural network (CNN) to identify spam on the Internet. The CNN was compared with other two classifiers, support vector machine (SVM), and backward-propagation neural network (BPNN), in simulation experiments. The final results showed that the spam recognition algorithm with CNN as the classifier had better recognition performance than the algorithms with SVM and BPNN classifiers and was also more advantageous in terms of recognition cost and time for spam; in addition, the CNN had the best recognition performance when the number of extracted features was 15.
为了增强对互联网垃圾邮件的过滤,提高互联网用户的体验,本文提出利用向量空间模型将电子邮件文本转化为向量特征,构造二维矩阵,并利用卷积神经网络(CNN)对互联网垃圾邮件进行识别。在仿真实验中,将CNN与支持向量机(SVM)和后向传播神经网络(BPNN)两种分类器进行比较。最终结果表明,以CNN为分类器的垃圾邮件识别算法比以SVM和BPNN为分类器的算法具有更好的识别性能,并且在识别成本和时间上更有优势;此外,当提取的特征个数为15时,CNN的识别性能最好。
{"title":"Identification and Filtering of Web Spams Using a Machine Learning Method","authors":"Dawei Zhang, Yanyu Liu","doi":"10.1142/s1469026822500237","DOIUrl":"https://doi.org/10.1142/s1469026822500237","url":null,"abstract":"In order to enhance the filtering of spam on the Internet and improve the experience of Internet users, this paper proposed to convert the email text into vector features using the vector space model, constructed a two-dimensional matrix, and used a convolutional neural network (CNN) to identify spam on the Internet. The CNN was compared with other two classifiers, support vector machine (SVM), and backward-propagation neural network (BPNN), in simulation experiments. The final results showed that the spam recognition algorithm with CNN as the classifier had better recognition performance than the algorithms with SVM and BPNN classifiers and was also more advantageous in terms of recognition cost and time for spam; in addition, the CNN had the best recognition performance when the number of extracted features was 15.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"7 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-12-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129533986","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Optimized Flower Categorization Using Customized Deep Learning 基于定制深度学习的花卉分类优化
Pub Date : 2022-12-15 DOI: 10.1142/s1469026822500298
Ritu Rani, Sandhya Pundhir, A. Dev, Arun Sharma
Categorizing flowers is quite a challenging task as there is so much diversity in the species, and the images of the different flower species could be pretty similar. Flower categorization involves many issues like low resolution and noisy images, occluded images with the leaves and the stems of the plants and sometimes even with the insects. The traditional handcrafted features were used for extraction of the features and the machine learning algorithms were applied but with the advent of the deep neural networks. The focus of the researchers has inclined towards the use of the non-handcrafted features for the image categorization tasks because of their fast computation and efficiency. In this study, the images are pre-processed to enhance the key features and suppress the undesired information’s and the objects are localized in the image through the segmentation to extract the Region of Interest, detect the objects and perform feature extraction and the supervised classification of flowers into five categories: daisy, sunflower, dandelion, tulip and rose. First step involves the pre-processing of the images and the second step involves the feature extraction using the pre-trained models ResNet50, MobileNet, DenseNet169, InceptionV3 and VGG16 and finally the classification is done into five different categories of flowers. Ultimately, the results obtained from these proposed architectures are then analyzed and presented in the form of confusion matrices. In this study, the CNN model has been proposed to evaluate the performance of categorization of flower images, and then data augmentation is applied to the images to address the problem of overfitting. The pre-trained models ResNet50, MobileNet, DenseNet169, InceptionV3 and VGG16 are implemented on the flower dataset to perform categorization tasks. The pre-trained models are empirically implemented and assessed on the various flower datasets. Performance analysis has been done in terms of the training, validation accuracy, validation loss and training loss. The empirical assessment of these pre-trained models demonstrate that these models are quite effective for the categorization tasks. According to the performance analysis, the VGG16 outperforms all the other models and provides a training accuracy of 99.01%. Densenet169 and MobileNet also give comparable validation accuracy. ResNet50 gives the lowest training accuracy of 60.46% as compared with the rest of the pre-trained replica or models.
对花进行分类是一项相当具有挑战性的任务,因为种类繁多,不同种类的花的图像可能非常相似。花卉分类涉及许多问题,如低分辨率和噪声图像,植物的叶子和茎,有时甚至昆虫遮挡图像。传统的手工特征提取和机器学习算法的应用,随着深度神经网络的出现。由于非手工特征的计算速度快、效率高,研究人员越来越倾向于使用非手工特征进行图像分类。在本研究中,对图像进行预处理,增强关键特征,抑制不需要的信息,并通过分割对图像中的目标进行定位,提取感兴趣区域,检测目标,进行特征提取和监督分类,将花分为雏菊、向日葵、蒲公英、郁金香和玫瑰五类。第一步涉及图像的预处理,第二步涉及使用预训练模型ResNet50, MobileNet, DenseNet169, InceptionV3和VGG16进行特征提取,最后将花分为五种不同的类别。最后,从这些提出的体系结构中获得的结果将被分析并以混淆矩阵的形式呈现。在本研究中,我们提出了CNN模型来评估花卉图像的分类性能,然后对图像进行数据增强以解决过拟合问题。在花数据集上实现预训练模型ResNet50、MobileNet、DenseNet169、InceptionV3和VGG16来执行分类任务。在各种花卉数据集上对预训练模型进行了实证实施和评估。从训练、验证精度、验证损失和训练损失等方面进行了性能分析。对这些预训练模型的实证评估表明,这些模型对于分类任务是相当有效的。根据性能分析,VGG16的训练准确率达到99.01%,优于其他所有模型。Densenet169和MobileNet也给出了相当的验证精度。与其他预训练的副本或模型相比,ResNet50的训练准确率最低,为60.46%。
{"title":"An Optimized Flower Categorization Using Customized Deep Learning","authors":"Ritu Rani, Sandhya Pundhir, A. Dev, Arun Sharma","doi":"10.1142/s1469026822500298","DOIUrl":"https://doi.org/10.1142/s1469026822500298","url":null,"abstract":"Categorizing flowers is quite a challenging task as there is so much diversity in the species, and the images of the different flower species could be pretty similar. Flower categorization involves many issues like low resolution and noisy images, occluded images with the leaves and the stems of the plants and sometimes even with the insects. The traditional handcrafted features were used for extraction of the features and the machine learning algorithms were applied but with the advent of the deep neural networks. The focus of the researchers has inclined towards the use of the non-handcrafted features for the image categorization tasks because of their fast computation and efficiency. In this study, the images are pre-processed to enhance the key features and suppress the undesired information’s and the objects are localized in the image through the segmentation to extract the Region of Interest, detect the objects and perform feature extraction and the supervised classification of flowers into five categories: daisy, sunflower, dandelion, tulip and rose. First step involves the pre-processing of the images and the second step involves the feature extraction using the pre-trained models ResNet50, MobileNet, DenseNet169, InceptionV3 and VGG16 and finally the classification is done into five different categories of flowers. Ultimately, the results obtained from these proposed architectures are then analyzed and presented in the form of confusion matrices. In this study, the CNN model has been proposed to evaluate the performance of categorization of flower images, and then data augmentation is applied to the images to address the problem of overfitting. The pre-trained models ResNet50, MobileNet, DenseNet169, InceptionV3 and VGG16 are implemented on the flower dataset to perform categorization tasks. The pre-trained models are empirically implemented and assessed on the various flower datasets. Performance analysis has been done in terms of the training, validation accuracy, validation loss and training loss. The empirical assessment of these pre-trained models demonstrate that these models are quite effective for the categorization tasks. According to the performance analysis, the VGG16 outperforms all the other models and provides a training accuracy of 99.01%. Densenet169 and MobileNet also give comparable validation accuracy. ResNet50 gives the lowest training accuracy of 60.46% as compared with the rest of the pre-trained replica or models.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-12-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132027258","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Investigation of the Optimal PID-Like Fuzzy Logic Controller for Ball and Beam System with Improved Quantum Particle Swarm Optimization 基于改进量子粒子群优化的球束系统最优类pid模糊控制器研究
Pub Date : 2022-12-15 DOI: 10.1142/s1469026822500250
Okkes Tolga Altinöz, A. Yılmaz
Fuzzy Logic Controllers (FLCs) are intelligent control methods, where membership functions and corresponding rules are defined to get a proper control signal. The parameters were defined for these controllers, and they are named as PID-like FLC since the input and output parameters are connected to the Fuzzy controller with integral and derivative action of the error signal to change the behavior/performance of FLC. In this research, three different rule sets for Fuzzy controllers; 3 × 3, 5 × 5, and 7 × 7 are used and parameters are optimized with; differential evolution, genetic algorithm, particle swarm optimization and quantum-behaved particle swarm optimization. In addition to these controllers, a novel algorithm named as improved quantum particle swarm optimization is proposed as a part of this research. The simulation and real-life implementation on the experimental set results of these controllers are discussed in this paper.
模糊控制器(flc)是一种智能控制方法,它通过定义隶属函数和相应的规则来获得合适的控制信号。为这些控制器定义了参数,并将其命名为类pid FLC,因为输入和输出参数通过误差信号的积分和导数作用连接到模糊控制器,以改变FLC的行为/性能。本文研究了三种不同的模糊控制器规则集;采用3 × 3、5 × 5、7 × 7,并对参数进行优化;差分进化、遗传算法、粒子群优化和量子粒子群优化。除了这些控制器之外,本文还提出了一种新的算法——改进量子粒子群优化算法。本文讨论了这些控制器的实验集结果的仿真和实际实现。
{"title":"Investigation of the Optimal PID-Like Fuzzy Logic Controller for Ball and Beam System with Improved Quantum Particle Swarm Optimization","authors":"Okkes Tolga Altinöz, A. Yılmaz","doi":"10.1142/s1469026822500250","DOIUrl":"https://doi.org/10.1142/s1469026822500250","url":null,"abstract":"Fuzzy Logic Controllers (FLCs) are intelligent control methods, where membership functions and corresponding rules are defined to get a proper control signal. The parameters were defined for these controllers, and they are named as PID-like FLC since the input and output parameters are connected to the Fuzzy controller with integral and derivative action of the error signal to change the behavior/performance of FLC. In this research, three different rule sets for Fuzzy controllers; 3 × 3, 5 × 5, and 7 × 7 are used and parameters are optimized with; differential evolution, genetic algorithm, particle swarm optimization and quantum-behaved particle swarm optimization. In addition to these controllers, a novel algorithm named as improved quantum particle swarm optimization is proposed as a part of this research. The simulation and real-life implementation on the experimental set results of these controllers are discussed in this paper.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"106 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-12-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128394564","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
Aerial Image Denoising Using a Best-So-Far ABC-based Adaptive Filter Method 基于abc自适应滤波的航空图像去噪方法
Pub Date : 2022-12-01 DOI: 10.1142/s1469026822500249
Anan Banharnsakun
Nowadays, digital images play an increasingly important role in helping to explain phenomena and to attract people’s attention through various types of media rather than the use of text. However, the quality of digital images may be degraded due to noise that has occurred either during their recording or their transmission via a network. Therefore, removal of image noise, which is known as “image denoising”, is one of the primary required tasks in digital image processing. Various methods in earlier studies have been developed and proposed to remove the noise found in images. For example, the use of metric filters to eliminate noise has received much attention from researchers in recent literature. However, the convergence speed when searching for the optimal filter coefficient of these proposed algorithms is quite low. Previous research in the past few years has found that biologically inspired approaches are among the more promising metaheuristic methods used to find optimal solutions. In this work, an image denoising approach based on the best-so-far (BSF) ABC algorithm combined with an adaptive filter is proposed to enhance the performance of searching for the optimal filter coefficient in the denoising process. Experimental results indicate that the denoising of images employing the proposed BSF ABC technique yields good quality and the ability to remove noise while preventing the features of the image from being lost in the denoising process. The denoised image quality obtained by the proposed method achieves a 20% increase compared with other recently developed techniques in the field of biologically inspired approaches.
如今,数字图像在帮助解释现象和通过各种类型的媒体而不是使用文本吸引人们的注意力方面发挥着越来越重要的作用。然而,数字图像的质量可能会因其录制或通过网络传输过程中产生的噪声而下降。因此,去除图像噪声,即“图像去噪”,是数字图像处理的主要任务之一。在早期的研究中,已经开发并提出了各种方法来去除图像中的噪声。例如,在最近的文献中,使用度量滤波器来消除噪声受到了研究人员的广泛关注。然而,这些算法在搜索最优滤波系数时的收敛速度较低。过去几年的研究发现,生物学启发的方法是用于寻找最佳解决方案的更有前途的元启发式方法之一。本文提出了一种基于best-so-far (BSF) ABC算法与自适应滤波器相结合的图像去噪方法,以提高在去噪过程中搜索最优滤波器系数的性能。实验结果表明,采用BSF ABC技术对图像进行去噪后,图像的去噪效果良好,能够有效地去除噪声,同时避免了图像特征在去噪过程中的丢失。与生物启发方法领域最近开发的其他技术相比,该方法获得的去噪图像质量提高了20%。
{"title":"Aerial Image Denoising Using a Best-So-Far ABC-based Adaptive Filter Method","authors":"Anan Banharnsakun","doi":"10.1142/s1469026822500249","DOIUrl":"https://doi.org/10.1142/s1469026822500249","url":null,"abstract":"Nowadays, digital images play an increasingly important role in helping to explain phenomena and to attract people’s attention through various types of media rather than the use of text. However, the quality of digital images may be degraded due to noise that has occurred either during their recording or their transmission via a network. Therefore, removal of image noise, which is known as “image denoising”, is one of the primary required tasks in digital image processing. Various methods in earlier studies have been developed and proposed to remove the noise found in images. For example, the use of metric filters to eliminate noise has received much attention from researchers in recent literature. However, the convergence speed when searching for the optimal filter coefficient of these proposed algorithms is quite low. Previous research in the past few years has found that biologically inspired approaches are among the more promising metaheuristic methods used to find optimal solutions. In this work, an image denoising approach based on the best-so-far (BSF) ABC algorithm combined with an adaptive filter is proposed to enhance the performance of searching for the optimal filter coefficient in the denoising process. Experimental results indicate that the denoising of images employing the proposed BSF ABC technique yields good quality and the ability to remove noise while preventing the features of the image from being lost in the denoising process. The denoised image quality obtained by the proposed method achieves a 20% increase compared with other recently developed techniques in the field of biologically inspired approaches.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"17 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126686263","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Multi-Stream Graph Convolutional Networks for Text Classification via Representative-Word Document Mining 基于代表性词文档挖掘的文本分类多流图卷积网络
Pub Date : 2022-12-01 DOI: 10.1142/s1469026822500286
Meng Li, Shenyu Chen, Weifeng Yang, Qianying Wang
Recently, graph convolutional networks (GCNs) for text classification have received considerable attention in natural language processing. However, most current methods just use original documents and words in the corpus to construct the topology of graph which may lose some effective information. In this paper, we propose a Multi-Stream Graph Convolutional Network (MS-GCN) for text classification via Representative-Word Document (RWD) mining, which is implemented in PyTorch. In the proposed method, we first introduce temporary labels and mine the RWDs which are treated as additional documents in the corpus. Then, we build a heterogeneous graph based on relations among a Group of RWDs (GRWDs), words and original documents. Furthermore, we construct the MS-GCN based on multiple heterogeneous graphs according to different GRWDs. Finally, we optimize our MS-GCN model through updated mechanism of GRWDs. We evaluate the proposed approach on six text classification datasets, 20NG, R8, R52, Ohsumed, MR and Pheme. Extensive experiments on these datasets show that our proposed approach outperforms state-of-the-art methods for text classification.
近年来,用于文本分类的图卷积网络(GCNs)在自然语言处理领域受到了广泛的关注。然而,目前大多数方法只是使用语料库中的原始文档和单词来构建图的拓扑结构,这可能会丢失一些有效信息。在本文中,我们提出了一个多流图卷积网络(MS-GCN),通过代表性词文档(RWD)挖掘进行文本分类,并在PyTorch中实现。在该方法中,我们首先引入临时标签,并对rwd进行挖掘,这些rwd被视为语料库中的附加文档。然后,我们基于一组RWDs (GRWDs)、单词和原始文档之间的关系构建了异构图。在此基础上,根据不同的GRWDs,构建了基于多个异构图的MS-GCN。最后,通过更新GRWDs机制对MS-GCN模型进行优化。我们在6个文本分类数据集(20NG、R8、R52、Ohsumed、MR和Pheme)上对该方法进行了评估。在这些数据集上进行的大量实验表明,我们提出的方法优于最先进的文本分类方法。
{"title":"Multi-Stream Graph Convolutional Networks for Text Classification via Representative-Word Document Mining","authors":"Meng Li, Shenyu Chen, Weifeng Yang, Qianying Wang","doi":"10.1142/s1469026822500286","DOIUrl":"https://doi.org/10.1142/s1469026822500286","url":null,"abstract":"Recently, graph convolutional networks (GCNs) for text classification have received considerable attention in natural language processing. However, most current methods just use original documents and words in the corpus to construct the topology of graph which may lose some effective information. In this paper, we propose a Multi-Stream Graph Convolutional Network (MS-GCN) for text classification via Representative-Word Document (RWD) mining, which is implemented in PyTorch. In the proposed method, we first introduce temporary labels and mine the RWDs which are treated as additional documents in the corpus. Then, we build a heterogeneous graph based on relations among a Group of RWDs (GRWDs), words and original documents. Furthermore, we construct the MS-GCN based on multiple heterogeneous graphs according to different GRWDs. Finally, we optimize our MS-GCN model through updated mechanism of GRWDs. We evaluate the proposed approach on six text classification datasets, 20NG, R8, R52, Ohsumed, MR and Pheme. Extensive experiments on these datasets show that our proposed approach outperforms state-of-the-art methods for text classification.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"490 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115882727","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Boil-Turbine System Identification Based on Robust Interval Type-2 Fuzzy C-Regression Model 基于鲁棒区间2型模糊c回归模型的汽轮锅炉系统辨识
Pub Date : 2022-11-11 DOI: 10.1142/s1469026822500225
J. Shi
The boil-turbine system is a multivariable and strong coupling system with the characteristics of nonlinearity, time-varying parameters, and large delay. The accurate model can effectively improve the performance of turbine–boiler coordinated control system. In this paper, the boil-turbine model is established by interval type-2 (IT2) T-S fuzzy model. The premise parameters of IT2 T-S fuzzy model are identified by robust IT2 fuzzy c-regression model (RIT2-FCRM) clustering algorithm. The RIT2-FCRM is based on interval type-2 fuzzy sets (IT2FS) and applies a robust objective function, this clustering algorithm can reduce the impacts of outliers and noise points. The effectiveness and practicability of RIT2-FCRM are demonstrated by the identification results of the boiler–turbine system.
锅炉水轮机系统是一个多变量强耦合系统,具有非线性、参数时变、大时滞等特点。准确的模型可以有效地提高汽机锅炉协调控制系统的性能。本文采用区间型2 (IT2) T-S模糊模型建立了汽轮机模型。采用稳健IT2模糊c-回归模型(RIT2-FCRM)聚类算法识别IT2 T-S模糊模型的前提参数。RIT2-FCRM基于区间2型模糊集(IT2FS),采用鲁棒目标函数,该聚类算法可以减少异常点和噪声点的影响。锅炉-汽轮机系统的辨识结果验证了RIT2-FCRM的有效性和实用性。
{"title":"Boil-Turbine System Identification Based on Robust Interval Type-2 Fuzzy C-Regression Model","authors":"J. Shi","doi":"10.1142/s1469026822500225","DOIUrl":"https://doi.org/10.1142/s1469026822500225","url":null,"abstract":"The boil-turbine system is a multivariable and strong coupling system with the characteristics of nonlinearity, time-varying parameters, and large delay. The accurate model can effectively improve the performance of turbine–boiler coordinated control system. In this paper, the boil-turbine model is established by interval type-2 (IT2) T-S fuzzy model. The premise parameters of IT2 T-S fuzzy model are identified by robust IT2 fuzzy c-regression model (RIT2-FCRM) clustering algorithm. The RIT2-FCRM is based on interval type-2 fuzzy sets (IT2FS) and applies a robust objective function, this clustering algorithm can reduce the impacts of outliers and noise points. The effectiveness and practicability of RIT2-FCRM are demonstrated by the identification results of the boiler–turbine system.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"43 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-11-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127429939","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Precise Computational Method for Hippocampus Segmentation from MRI of Brain to Assist Physicians in the Diagnosis of Alzheimer's Disease 脑MRI海马区分割的精确计算方法协助医生诊断阿尔茨海默病
Pub Date : 2022-09-28 DOI: 10.1142/s1469026822500201
T. Genish, S. Kavitha, S. Vijayalakshmi
Hippocampus segmentation on magnetic resonance imaging is more significant for diagnosis, treatment and analyzing of neuropsychiatric disorders. Automatic segmentation is an active research field. Previous state-of-the-art hippocampus segmentation methods train their methods on healthy or Alzheimer’s disease patients from public datasets. It arises the question whether these methods are capable for recognizing the hippocampus in a different domain. Therefore, this study proposes a precise computational method for hippocampus segmentation from MRI of brain to assist physicians in the diagnosis of Alzheimer’s disease (HCS-MRI-DAD-LBP). Initially, the input images are pre-processed by Trimmed mean filter for image quality enhancement. Then the pre-processed images are given to ROI detection, ROI detection utilizes Weber’s law which determines the luminance factor of the image. In the region extraction process, Chan–Vese active contour model (ACM) and level sets are used (UACM). Finally, local binary pattern (LBP) is utilized to remove the erroneous pixel that maximizes the segmentation accuracy. The proposed model is implemented in MATLAB, and its performance is analyzed with performance metrics, like precision, recall, mean, variance, standard deviation and disc similarity coefficient. The proposed HCS-MRI-DAD-LBP method attains in OASIS dataset provides high disc similarity coefficient of 12.64%, 10.11% and 1.03% compared with the existing methods, like HCS-DAS-MLT, HCS-DAS-RNN and HCS-DAS-GMM and in ADNI dataset provides high precision of 20%, 9.09% and 1.05% compared with existing methods like HCS-MRI-DAD-CNN-ADNI, HCS-MRI-DAD-MCNN-ADNI and HCS-MRI-DAD-CNN-RNN-ADNI, respectively.
磁共振成像海马分割对神经精神疾病的诊断、治疗和分析具有重要意义。自动分割是一个活跃的研究领域。以前最先进的海马体分割方法对来自公共数据集的健康或阿尔茨海默病患者进行训练。这就产生了一个问题,这些方法是否能够识别海马体在不同的领域。因此,本研究提出了一种精确的脑MRI海马分割计算方法(HCS-MRI-DAD-LBP),以协助医生诊断阿尔茨海默病。首先,对输入图像进行trim均值滤波预处理,增强图像质量。然后将预处理后的图像进行感兴趣点检测,感兴趣点检测利用韦伯定律确定图像的亮度系数。在区域提取过程中,采用了Chan-Vese活动轮廓模型(ACM)和水平集模型(UACM)。最后,利用局部二值模式(LBP)去除错误像素,使分割精度最大化。在MATLAB中实现了该模型,并利用精度、召回率、均值、方差、标准差和圆盘相似系数等性能指标对其性能进行了分析。与现有的hcs - mri - dad - mlt、HCS-DAS-RNN和HCS-DAS-GMM方法相比,本文提出的HCS-MRI-DAD-CNN-ADNI、HCS-MRI-DAD-MCNN-ADNI和HCS-MRI-DAD-CNN-RNN-ADNI方法相比,在OASIS数据集中实现的磁盘相似系数分别为12.64%、10.11%和1.03%,在ADNI数据集中实现的磁盘相似系数分别为20%、9.09%和1.05%。
{"title":"A Precise Computational Method for Hippocampus Segmentation from MRI of Brain to Assist Physicians in the Diagnosis of Alzheimer's Disease","authors":"T. Genish, S. Kavitha, S. Vijayalakshmi","doi":"10.1142/s1469026822500201","DOIUrl":"https://doi.org/10.1142/s1469026822500201","url":null,"abstract":"Hippocampus segmentation on magnetic resonance imaging is more significant for diagnosis, treatment and analyzing of neuropsychiatric disorders. Automatic segmentation is an active research field. Previous state-of-the-art hippocampus segmentation methods train their methods on healthy or Alzheimer’s disease patients from public datasets. It arises the question whether these methods are capable for recognizing the hippocampus in a different domain. Therefore, this study proposes a precise computational method for hippocampus segmentation from MRI of brain to assist physicians in the diagnosis of Alzheimer’s disease (HCS-MRI-DAD-LBP). Initially, the input images are pre-processed by Trimmed mean filter for image quality enhancement. Then the pre-processed images are given to ROI detection, ROI detection utilizes Weber’s law which determines the luminance factor of the image. In the region extraction process, Chan–Vese active contour model (ACM) and level sets are used (UACM). Finally, local binary pattern (LBP) is utilized to remove the erroneous pixel that maximizes the segmentation accuracy. The proposed model is implemented in MATLAB, and its performance is analyzed with performance metrics, like precision, recall, mean, variance, standard deviation and disc similarity coefficient. The proposed HCS-MRI-DAD-LBP method attains in OASIS dataset provides high disc similarity coefficient of 12.64%, 10.11% and 1.03% compared with the existing methods, like HCS-DAS-MLT, HCS-DAS-RNN and HCS-DAS-GMM and in ADNI dataset provides high precision of 20%, 9.09% and 1.05% compared with existing methods like HCS-MRI-DAD-CNN-ADNI, HCS-MRI-DAD-MCNN-ADNI and HCS-MRI-DAD-CNN-RNN-ADNI, respectively.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130648190","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Real-World Industrial Application of Particle Swarm Optimization: Baghouse Designing 粒子群优化在现实工业中的应用:袋房设计
Pub Date : 2022-09-26 DOI: 10.1142/s1469026822500213
Pouya Bolourchi, M. Gholami
Due to the high ability and flexibility of meta-heuristic algorithms (MAs), they can widely be used in many applications to solve different problems. Recently, real-world engineering applications of these optimization algorithms have attracted researchers’ attention. This paper applies particle swarm optimization (PSO) as an effective population-based MAs to design the baghouse (BH). BH filters are among the most commonly used devices in air pollution control systems in mining and food manufacturers and power plants. Designing the BH depends on several parameters such as its capacity or airflow (Nm3/h), air-to-cloth ratio ([Formula: see text]), cam velocity, and installation limitations. Generally, industrial designers select the number and length of bags and their arrangement based on the experimental observations to meet the parameters mentioned above. The minimum cost or total weight of equipment is utilized for proposing a competitive price for suppliers. In this paper, a PSO algorithm is used to minimize the total cost by finding the best possible design (the number, length, and arrangement of bags). In addition, a real example of installed BH in a pelletizing plant is given and compared with PSO results to investigate the efficiency of the proposed algorithm. The results suggest that PSO can find a better design with minimum total cost than an installed BH filter, and therefore, PSO is applicable to industrial designers.
由于元启发式算法(meta-heuristic algorithms, MAs)的高能力和灵活性,它可以广泛地应用于许多应用中来解决不同的问题。近年来,这些优化算法的实际工程应用引起了研究人员的关注。本文将粒子群优化(PSO)作为一种有效的基于种群的粒子群优化算法应用于袋房的设计。BH过滤器是采矿、食品制造商和发电厂空气污染控制系统中最常用的设备之一。BH的设计取决于几个参数,如其容量或气流(Nm3/h),气布比(公式:见文本),凸轮速度和安装限制。一般来说,工业设计师根据实验观察来选择袋子的数量和长度及其排列,以满足上述参数。设备的最低成本或总重量用于为供应商提出具有竞争力的价格。在本文中,PSO算法通过寻找最佳的可能设计(袋的数量、长度和排列)来最小化总成本。最后给出了球团厂安装BH的实际算例,并与粒子群算法的结果进行了比较,验证了所提算法的有效性。结果表明,粒子群算法能以最小的总成本找到比安装BH滤波器更好的设计方案,因此,粒子群算法适用于工业设计人员。
{"title":"A Real-World Industrial Application of Particle Swarm Optimization: Baghouse Designing","authors":"Pouya Bolourchi, M. Gholami","doi":"10.1142/s1469026822500213","DOIUrl":"https://doi.org/10.1142/s1469026822500213","url":null,"abstract":"Due to the high ability and flexibility of meta-heuristic algorithms (MAs), they can widely be used in many applications to solve different problems. Recently, real-world engineering applications of these optimization algorithms have attracted researchers’ attention. This paper applies particle swarm optimization (PSO) as an effective population-based MAs to design the baghouse (BH). BH filters are among the most commonly used devices in air pollution control systems in mining and food manufacturers and power plants. Designing the BH depends on several parameters such as its capacity or airflow (Nm3/h), air-to-cloth ratio ([Formula: see text]), cam velocity, and installation limitations. Generally, industrial designers select the number and length of bags and their arrangement based on the experimental observations to meet the parameters mentioned above. The minimum cost or total weight of equipment is utilized for proposing a competitive price for suppliers. In this paper, a PSO algorithm is used to minimize the total cost by finding the best possible design (the number, length, and arrangement of bags). In addition, a real example of installed BH in a pelletizing plant is given and compared with PSO results to investigate the efficiency of the proposed algorithm. The results suggest that PSO can find a better design with minimum total cost than an installed BH filter, and therefore, PSO is applicable to industrial designers.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"130 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127486646","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
FNN Based-Virtual Screening Using 2D Pharmacophore Fingerprint for Activity Prediction in Drug Discovery 基于FNN的二维药效团指纹虚拟筛选药物活性预测
Pub Date : 2022-09-26 DOI: 10.1142/s1469026822500195
Seloua Hadiby, Y. M. B. Ali
Drug discovery remains a hard field that faces from the beginning of its process to the end many difficulties and challenges in order to discover a new potential drug. The use of technology has helped a lot in achieving many goals at the lowest cost and in the shortest possible time. Machine learning methods have proven for many years their performance although their limitations in some cases. The use of deep learning for virtual screening in drug discovery allows to process efficiently the huge amount of data and gives more precise results. In this paper, we propose a procedure for virtual screening (VS) based on Feedforward Neural Network in order to predict the biological activity of a set of chemical compounds on a given receptor. we have proposed a distance interval and it divisions to describe the chemical compound by the 2D pharmacophore fingerprint. Our model was trained on a dataset of active and inactive chemical compounds on cyclin A kinase1 receptor (CDK1), a very important protein family which has a role in the regulation of the cell cycle and cancer development. The results have proven that the proposed model is efficient and comparable with some widely used machine learning methods in drug discovery.
药物发现仍然是一个艰难的领域,为了发现一种新的潜在药物,从开始到结束都面临着许多困难和挑战。技术的使用在以最低的成本和尽可能短的时间内实现许多目标方面帮助很大。机器学习方法多年来已经证明了它们的性能,尽管它们在某些情况下存在局限性。在药物发现中使用深度学习进行虚拟筛选可以有效地处理大量数据并提供更精确的结果。本文提出了一种基于前馈神经网络的虚拟筛选(VS)方法,以预测一组化合物在给定受体上的生物活性。提出了用二维药效团指纹图谱描述化合物的距离区间及其划分。我们的模型是在细胞周期蛋白a激酶1受体(CDK1)上的活性和非活性化合物的数据集上进行训练的,CDK1是一个非常重要的蛋白质家族,在细胞周期和癌症发展的调节中起作用。结果表明,该模型在药物发现中是有效的,可与一些广泛使用的机器学习方法相媲美。
{"title":"FNN Based-Virtual Screening Using 2D Pharmacophore Fingerprint for Activity Prediction in Drug Discovery","authors":"Seloua Hadiby, Y. M. B. Ali","doi":"10.1142/s1469026822500195","DOIUrl":"https://doi.org/10.1142/s1469026822500195","url":null,"abstract":"Drug discovery remains a hard field that faces from the beginning of its process to the end many difficulties and challenges in order to discover a new potential drug. The use of technology has helped a lot in achieving many goals at the lowest cost and in the shortest possible time. Machine learning methods have proven for many years their performance although their limitations in some cases. The use of deep learning for virtual screening in drug discovery allows to process efficiently the huge amount of data and gives more precise results. In this paper, we propose a procedure for virtual screening (VS) based on Feedforward Neural Network in order to predict the biological activity of a set of chemical compounds on a given receptor. we have proposed a distance interval and it divisions to describe the chemical compound by the 2D pharmacophore fingerprint. Our model was trained on a dataset of active and inactive chemical compounds on cyclin A kinase1 receptor (CDK1), a very important protein family which has a role in the regulation of the cell cycle and cancer development. The results have proven that the proposed model is efficient and comparable with some widely used machine learning methods in drug discovery.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"30 1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131165318","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Hybrid Grasshopper and Chameleon Swarm Optimization Algorithm for Text Feature Selection with Density Peaks Clustering 基于密度峰聚类的混合蚱蜢和变色龙群优化文本特征选择算法
Pub Date : 2022-09-26 DOI: 10.1142/s1469026822500183
R. Purushothaman, S. Selvakumar, S. Rajagopalan
Clustering consists of various applications on machine learning, image segmentation, data mining and pattern recognition. The proper selection of clustering is significant in feature selection. Therefore, in this paper, a Text Feature Selection (FS) and Clustering using Grasshopper–Chameleon Swarm Optimization with Density Peaks Clustering algorithm (TFSC-G-CSOA-DPCA) is proposed. Initially, the input features are pre-processed for converting text into numerical form. These preprocessed text features are given to Grasshopper–Chameleon Swarm Optimization Algorithm, which selects important text features. In Grasshopper–Chameleon Swarm Optimization Algorithm, the Grasshopper Optimization Algorithm selects local feature from text document and Chameleon Swarm Optimization Algorithm selects the best global feature from local feature. These important features are tested using density peaks clustering algorithm to maximize the reliability and minimize the computational time cost. The performance of Grasshopper–Chameleon Swarm Optimization Algorithm is analyzed with 20 News groups dataset. Moreover, the performance metrics, like accuracy, precision, sensitivity, specificity, execution time and memory usage are analyzed. The simulation process shows that the proposed TFSC-G-CSOA-DPCA method provides better accuracy of 97.36%, 95.14%, 94.67% and 91.91% and maximum sensitivity of 96.25%, 87.25%, 93.96% and 92.59% compared to the existing methods such as TFSC-BBA-MCL, TFSC-MVO-K-Means C, TFSC-GWO-GOA-FCM and TFSC-WM-K-Means C, respectively.
聚类包括机器学习、图像分割、数据挖掘和模式识别等多种应用。聚类的正确选择在特征选择中具有重要意义。为此,本文提出了一种基于Grasshopper-Chameleon Swarm Optimization with Density Peaks Clustering algorithm (TFSC-G-CSOA-DPCA)的文本特征选择(FS)和聚类算法。首先,对输入特征进行预处理,以便将文本转换为数字形式。将这些预处理后的文本特征输入到Grasshopper-Chameleon Swarm Optimization算法中,从中选择重要的文本特征。在Grasshopper - Chameleon Swarm Optimization Algorithm中,Grasshopper Optimization Algorithm从文本文档中选择局部特征,Chameleon Swarm Optimization Algorithm从局部特征中选择最优的全局特征。使用密度峰值聚类算法对这些重要特征进行测试,以最大限度地提高可靠性和最小化计算时间开销。用20个新闻组数据集分析了蝗虫-变色龙群优化算法的性能。此外,还分析了准确性、精密度、灵敏度、特异性、执行时间和内存使用等性能指标。仿真结果表明,与现有的TFSC-BBA-MCL、TFSC-MVO-K-Means C、TFSC-GWO-GOA-FCM和TFSC-WM-K-Means C方法相比,所提出的TFSC-G-CSOA-DPCA方法准确率分别为97.36%、95.14%、94.67%和91.91%,最大灵敏度分别为96.25%、87.25%、93.96%和92.59%。
{"title":"Hybrid Grasshopper and Chameleon Swarm Optimization Algorithm for Text Feature Selection with Density Peaks Clustering","authors":"R. Purushothaman, S. Selvakumar, S. Rajagopalan","doi":"10.1142/s1469026822500183","DOIUrl":"https://doi.org/10.1142/s1469026822500183","url":null,"abstract":"Clustering consists of various applications on machine learning, image segmentation, data mining and pattern recognition. The proper selection of clustering is significant in feature selection. Therefore, in this paper, a Text Feature Selection (FS) and Clustering using Grasshopper–Chameleon Swarm Optimization with Density Peaks Clustering algorithm (TFSC-G-CSOA-DPCA) is proposed. Initially, the input features are pre-processed for converting text into numerical form. These preprocessed text features are given to Grasshopper–Chameleon Swarm Optimization Algorithm, which selects important text features. In Grasshopper–Chameleon Swarm Optimization Algorithm, the Grasshopper Optimization Algorithm selects local feature from text document and Chameleon Swarm Optimization Algorithm selects the best global feature from local feature. These important features are tested using density peaks clustering algorithm to maximize the reliability and minimize the computational time cost. The performance of Grasshopper–Chameleon Swarm Optimization Algorithm is analyzed with 20 News groups dataset. Moreover, the performance metrics, like accuracy, precision, sensitivity, specificity, execution time and memory usage are analyzed. The simulation process shows that the proposed TFSC-G-CSOA-DPCA method provides better accuracy of 97.36%, 95.14%, 94.67% and 91.91% and maximum sensitivity of 96.25%, 87.25%, 93.96% and 92.59% compared to the existing methods such as TFSC-BBA-MCL, TFSC-MVO-K-Means C, TFSC-GWO-GOA-FCM and TFSC-WM-K-Means C, respectively.","PeriodicalId":422521,"journal":{"name":"Int. J. Comput. Intell. Appl.","volume":"154 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123311406","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Int. J. Comput. Intell. Appl.
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1