Gravitational search algorithm

引力搜索算法
  • 文章类型: Journal Article
    控制算法是基于与自然启发机制相关的知识提出的,包括那些基于生物行为的。本文提出了一项综述,重点是在受物体之间引力启发的应用控制范围内取得的重大突破。确定了一种专注于人工势场的控制方法,以及四种优化元启发式算法:引力搜索算法,黑洞算法,多版本优化器,和银河群优化。对91篇相关论文进行了彻底的分析,以突出它们的性能,并确定引力和吸引力的基础,以及支持它们的宇宙法则。包括他们的标准配方,以及他们的改进,已修改,混合动力车,级联,模糊,混乱和自适应版本。此外,这篇综述还深入探讨了宇宙启发算法对动态系统控制问题的影响,提供与控制相关的应用程序的广泛列表,以及它们固有的优势和局限性。强有力的证据表明,引力启发和黑洞动态驱动算法可以胜过控制工程中其他著名的算法,即使它们不是根据现实的天体物理现象设计的,也不是根据天体物理学定律制定的。即便如此,它们支持未来的研究方向,以发展受牛顿/爱因斯坦物理学启发的高度复杂的控制定律,这样,有效的控制天体物理学桥梁可以建立和应用在广泛的应用。
    Control algorithms have been proposed based on knowledge related to nature-inspired mechanisms, including those based on the behavior of living beings. This paper presents a review focused on major breakthroughs carried out in the scope of applied control inspired by the gravitational attraction between bodies. A control approach focused on Artificial Potential Fields was identified, as well as four optimization metaheuristics: Gravitational Search Algorithm, Black-Hole algorithm, Multi-Verse Optimizer, and Galactic Swarm Optimization. A thorough analysis of ninety-one relevant papers was carried out to highlight their performance and to identify the gravitational and attraction foundations, as well as the universe laws supporting them. Included are their standard formulations, as well as their improved, modified, hybrid, cascade, fuzzy, chaotic and adaptive versions. Moreover, this review also deeply delves into the impact of universe-inspired algorithms on control problems of dynamic systems, providing an extensive list of control-related applications, and their inherent advantages and limitations. Strong evidence suggests that gravitation-inspired and black-hole dynamic-driven algorithms can outperform other well-known algorithms in control engineering, even though they have not been designed according to realistic astrophysical phenomena and formulated according to astrophysics laws. Even so, they support future research directions towards the development of high-sophisticated control laws inspired by Newtonian/Einsteinian physics, such that effective control-astrophysics bridges can be established and applied in a wide range of applications.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    在本文中,使用称为种群交互网络(PIN)的方案,对元启发式算法(MHA)中个体间信息交互方式进行了一项新颖的研究。具体来说,三个有代表性的MHA,包括差分进化算法(DE),粒子群优化算法(PSO),引力搜索算法(GSA),以及引力搜索算法的四个经典变体,根据个体间的信息交互以及IEEE大会2017年进化计算基准函数中每个算法的性能差异进行了分析。利用PIN将该算法在基准函数上得到的节点度的累积分布函数(CDF)拟合到7个分布模型中。结果表明,在7种比较算法中,越强的DE越偏向泊松分布,和较弱的PSO,GSA,和GSA变体更偏向Logistic分布。GSA变体与Logistic分布的偏差越大,他们的表现越强。从CDF的角度来看,偏离Logistic分布有利于GSA的改进。我们的发现表明,人口互动网络是以更全面和有意义的方式表征和比较不同MHA表现的强大工具。
    In this paper, a novel study on the way inter-individual information interacts in meta-heuristic algorithms (MHAs) is carried out using a scheme known as population interaction networks (PIN). Specifically, three representative MHAs, including the differential evolutionary algorithm (DE), the particle swarm optimization algorithm (PSO), the gravitational search algorithm (GSA), and four classical variations of the gravitational search algorithm, are analyzed in terms of inter-individual information interactions and the differences in the performance of each of the algorithms on IEEE Congress on Evolutionary Computation 2017 benchmark functions. The cumulative distribution function (CDF) of the node degree obtained by the algorithm on the benchmark function is fitted to the seven distribution models by using PIN. The results show that among the seven compared algorithms, the more powerful DE is more skewed towards the Poisson distribution, and the weaker PSO, GSA, and GSA variants are more skewed towards the Logistic distribution. The more deviation from Logistic distribution GSA variants conform, the stronger their performance. From the point of view of the CDF, deviating from the Logistic distribution facilitates the improvement of the GSA. Our findings suggest that the population interaction network is a powerful tool for characterizing and comparing the performance of different MHAs in a more comprehensive and meaningful way.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    植物病害每年都会造成大部分作物的破坏和损失,如果不是完全毁灭,这对农场主来说是一个巨大的挑战,政府,和消费者一样。因此,早期识别和分类疾病对于维持当地和全球粮食安全非常重要。在这项研究中,结合迁移学习和引力搜索算法(GSA),设计了一种识别植物病害的新方法。在这项研究中,采用了两种最先进的预训练模型来提取特征,分别是MobileNetV2和ResNe50V2。在这项研究中应用了多层特征提取,以确保从不同抽象级别对植物叶片进行精确分类。然后将这些功能连接并传递给GSA以进行优化。最后,优化的特征被传递到多项式逻辑回归(MLR)进行最终分类。这种整合对于对18种不同类型的感染和健康叶片样品进行分类至关重要。通过比较分析,结合了遗传算法(GA)优化的功能,增强了我们方法的性能。此外,MLR算法与K近邻(KNN)进行了对比。实证结果表明,我们的模型,它已经用GSA改进了,达到非常高的精度水平。具体来说,MLR的平均精度为99.2%,而KNN则为98.6%。由此产生的结果大大超过了GA优化功能所实现的结果,从而突出了我们建议战略的优越性。我们研究的一个重要结果是,我们能够将特征数量减少50%以上。这种减少在不牺牲诊断质量的情况下极大地降低了处理要求。这项工作为植物病害的早期检测提供了一种可靠有效的方法。这项工作展示了复杂的计算方法在农业中的应用,能够开发新的数据驱动的植物健康管理策略,从而加强全球粮食安全。
    Plant diseases annually cause damage and loss of much of the crop, if not its complete destruction, and this constitutes a significant challenge for farm owners, governments, and consumers alike. Therefore, identifying and classifying diseases at an early stage is very important in order to sustain local and global food security. In this research, we designed a new method to identify plant diseases by combining transfer learning and Gravitational Search Algorithm (GSA). Two state-of-the-art pretrained models have been adopted for extracting features in this study, which are MobileNetV2 and ResNe50V2. Multilayer feature extraction is applied in this study to ensure representations of plant leaves from different levels of abstraction for precise classification. These features are then concatenated and passed to GSA for optimizing them. Finally, optimized features are passed to Multinomial Logistic Regression (MLR) for final classification. This integration is essential for categorizing 18 different types of infected and healthy leaf samples. The performance of our approach is strengthened by a comparative analysis that incorporates features optimized by the Genetic Algorithm (GA). Additionally, the MLR algorithm is contrasted with K-Nearest Neighbors (KNN). The empirical findings indicate that our model, which has been refined using GSA, achieves very high levels of precision. Specifically, the average precision for MLR is 99.2%, while for KNN it is 98.6%. The resulting results significantly exceed those achieved with GA-optimized features, thereby highlighting the superiority of our suggested strategy. One important result of our study is that we were able to decrease the number of features by more than 50%. This reduction greatly reduces the processing requirements without sacrificing the quality of the diagnosis. This work presents a robust and efficient approach to the early detection of plant diseases. The work demonstrates the utilization of sophisticated computational methods in agriculture, enabling the development of novel data-driven strategies for plant health management, therefore enhancing worldwide food security.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    基因聚类是从基因表达数据中识别共表达基因群的重要技术之一,这为研究基因在生物过程中的功能关系提供了有力的工具。自我训练是一种重要的半监督学习方法,在基因聚类问题上表现出良好的性能。然而,自我训练过程不可避免地会受到错误标签的影响,的积累将导致基因表达数据半监督学习性能的退化。为了解决问题,本文提出了一种基于自适应置信度的基因表达数据自训练子空间聚类算法(SSCAC),结合基因表达数据的低秩表示和标签置信度的自适应调整,以更好地指导未标记数据的划分。提出的SSCAC算法的优越性主要体现在以下几个方面。1)为了提高基因表达数据的判别性,利用带距离惩罚的低秩表示来挖掘数据的潜在子空间结构。2)考虑到自我训练中贴错标签的问题,提出了具有标签置信度的半监督聚类目标函数,在此基础上构建了自训练子空间聚类框架。3)为了减轻错误标记数据的负面影响,提出了一种基于引力搜索算法的标签置信度自适应调整策略。与各种最先进的无监督和半监督学习算法相比,SSCAC算法通过在两个基准基因表达数据集上的大量实验证明了其优越性。
    Gene clustering is one of the important techniques to identify co-expressed gene groups from gene expression data, which provides a powerful tool for investigating functional relationships of genes in biological process. Self-training is a kind of important semi-supervised learning method and has exhibited good performance on gene clustering problem. However, the self-training process inevitably suffers from mislabeling, the accumulation of which will lead to the degradation of semi-supervised learning performance of gene expression data. To solve the problem, this paper proposes a self-training subspace clustering algorithm based on adaptive confidence for gene expression data (SSCAC), which combines the low-rank representation of gene expression data and adaptive adjustment of label confidence to better guide the partition of unlabeled data. The superiority of the proposed SSCAC algorithm is mainly reflected in the following aspects. 1) In order to improve the discriminative property of gene expression data, the low-rank representation with distance penalty is used to mine the potential subspace structure of data. 2) Considering the problem of mislabeling in self-training, a semi-supervised clustering objective function with label confidence is proposed, and a self-training subspace clustering framework is constructed on this basis. 3) In order to mitigate the negative impact of mislabeled data, an adaptive adjustment strategy based on gravitational search algorithm is proposed for label confidence. Compared with a variety of state-of-the-art unsupervised and semi-supervised learning algorithms, the SSCAC algorithm has demonstrated its superiority through extensive experiments on two benchmark gene expression datasets.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Pubmed)

  • 文章类型: Journal Article
    随着COVID-19的传播,迫切需要一种快速可靠的诊断辅助手段。同样,文献见证了医学成像起着至关重要的作用,和使用监督方法的工具有希望的结果。然而,用于CoVID19诊断的医学图像尺寸有限可能会影响此类监督方法的推广.为了缓解这种情况,提出了一种新的聚类方法。在这种方法中,引力搜索算法的一个新的变体被用来获得最优聚类。为了验证所提出的变体的性能,对最近的元启发式算法进行了比较分析。实验研究包括两组基准函数,即标准函数和CEC2013函数,属于不同的类别,如单峰,多模态,和无约束优化函数。根据平均适应度值对性能比较进行评估和统计验证,弗里德曼测试,和箱线图。Further,提出的聚类方法针对三种不同类型的公开可用的CoVID19医学图像进行了测试,也就是X光,CT扫描,和超声图像。实验表明,该方法在精度方面具有比较好的表现,精度,灵敏度,特异性,和F1得分。
    With the spread of COVID-19, there is an urgent need for a fast and reliable diagnostic aid. For the same, literature has witnessed that medical imaging plays a vital role, and tools using supervised methods have promising results. However, the limited size of medical images for diagnosis of CoVID19 may impact the generalization of such supervised methods. To alleviate this, a new clustering method is presented. In this method, a novel variant of a gravitational search algorithm is employed for obtaining optimal clusters. To validate the performance of the proposed variant, a comparative analysis among recent metaheuristic algorithms is conducted. The experimental study includes two sets of benchmark functions, namely standard functions and CEC2013 functions, belonging to different categories such as unimodal, multimodal, and unconstrained optimization functions. The performance comparison is evaluated and statistically validated in terms of mean fitness value, Friedman test, and box-plot. Further, the presented clustering method tested against three different types of publicly available CoVID19 medical images, namely X-ray, CT scan, and Ultrasound images. Experiments demonstrate that the proposed method is comparatively outperforming in terms of accuracy, precision, sensitivity, specificity, and F1-score.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

       PDF(Pubmed)

  • 文章类型: Journal Article
    The study investigates the potential of two new machine learning methods, least-square support vector regression with a gravitational search algorithm (LSSVR-GSA) and the dynamic evolving neural-fuzzy inference system (DENFIS), for modeling reference evapotranspiration (ETo) using limited data. The results of the new methods are compared with the M5 model tree (M5RT) approach. Previous values of temperature data and extraterrestrial radiation information obtained from three stations, in China, are used as inputs to the models. The estimation exactness of the models is measured by three statistics: root mean square error, mean absolute error, and determination coefficient. According to the results, the temperature or extraterrestrial radiation-based LSSVR-GSA models perform superiorly to the DENFIS and M5RT models in terms of estimating monthly ETo. However, in some cases, a slight difference was found between the LSSVR-GSA and DENFIS methods. The results indicate that better prediction accuracy may be obtained using only extraterrestrial radiation information for all three methods. The prediction accuracy of the models is not generally improved by including periodicity information in the inputs. Using optimum air temperature and extraterrestrial radiation inputs together generally does not increase the accuracy of the applied methods in the estimation of monthly ETo.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

       PDF(Pubmed)

  • 文章类型: Journal Article
    在本文中,使用优化算法提出了一种基于混合卷积神经网络(CNN)架构的称为GSA-DenseNet121-COVID-19的新方法。使用的CNN架构称为DenseNet121,使用的优化算法称为引力搜索算法(GSA)。GSA用于确定DenseNet121架构的超参数的最佳值。通过胸部X射线图像帮助这种架构在诊断COVID-19时达到很高的准确性。结果表明,该方法可以正确分类98.38%的测试集。测试GSA在为DenseNet121的超参数设定最佳值方面的功效。将GSA与另一种称为SSD-DenseNet121的方法进行了比较,该方法取决于DenseNet121和称为社交滑雪驱动程序(SSD)的优化算法。比较结果证明了拟议的GSA-DenseNet121-COVID-19的功效。因为它能够比SSD-DenseNet121更好地诊断COVID-19,因为第二个只能诊断94%的测试集。所提出的方法还与另一种基于CNN架构的方法进行了比较,称为Inception-v3和手动搜索以量化超参数值。对比结果显示,GSA-DenseNet121-COVID-19能够战胜对比方法,因为第二个能够分类的只有95%的测试集样本。还将拟议的GSA-DenseNet121-COVID-19与一些相关工作进行了比较。比较结果表明,GSA-DenseNet121-COVID-19具有很强的竞争力。
    In this paper, a novel approach called GSA-DenseNet121-COVID-19 based on a hybrid convolutional neural network (CNN) architecture is proposed using an optimization algorithm. The CNN architecture that was used is called DenseNet121, and the optimization algorithm that was used is called the gravitational search algorithm (GSA). The GSA is used to determine the best values for the hyperparameters of the DenseNet121 architecture. To help this architecture to achieve a high level of accuracy in diagnosing COVID-19 through chest x-ray images. The obtained results showed that the proposed approach could classify 98.38% of the test set correctly. To test the efficacy of the GSA in setting the optimum values for the hyperparameters of DenseNet121. The GSA was compared to another approach called SSD-DenseNet121, which depends on the DenseNet121 and the optimization algorithm called social ski driver (SSD). The comparison results demonstrated the efficacy of the proposed GSA-DenseNet121-COVID-19. As it was able to diagnose COVID-19 better than SSD-DenseNet121 as the second was able to diagnose only 94% of the test set. The proposed approach was also compared to another method based on a CNN architecture called Inception-v3 and manual search to quantify hyperparameter values. The comparison results showed that the GSA-DenseNet121-COVID-19 was able to beat the comparison method, as the second was able to classify only 95% of the test set samples. The proposed GSA-DenseNet121-COVID-19 was also compared with some related work. The comparison results showed that GSA-DenseNet121-COVID-19 is very competitive.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

       PDF(Pubmed)

  • 文章类型: Journal Article
    OBJECTIVE: A feed-forward neural network (FNN) is a type of artificial neural network that has been widely used in medical diagnosis, data mining, stock market analysis, and other fields. Many studies have used FNN to develop medical decision-making systems to assist doctors in clinical diagnosis. The aim of the learning process in FNN is to find the best combination of connection weights and biases to achieve the minimum error. However, in many cases, FNNs converge to the local optimum but not the global optimum. Using open disease datasets, the purpose of this study was to optimize the connection weights and biases of the FNN to minimize the error and improve the accuracy of disease diagnosis.
    METHODS: In this study, the chronic kidney disease (CKD) and mesothelioma (MES) disease datasets from the University of California Irvine (UCI) machine learning repository were used as research objects. This study applied the FNN to learn the features of each datum and used particle swarm optimization (PSO) and a gravitational search algorithm (GSA) to optimize the weights and biases of the FNN classifiers based on the algorithms inspired by the observation of natural phenomena. Moreover, fuzzy rules were used to optimize the parameters of the GSA to improve the performance of the algorithm in the classifier.
    RESULTS: When applied to the CKD dataset, the accuracies of PSO and GSA were 99%. By using fuzzy rules to optimize the GSA parameter, the accuracy of fuzzy-GSA was 99.25%. The accuracies of the combined algorithms PSO-GSA and fuzzy-PSO-GSA reached 100%. In the MES disease dataset, all methods exhibited good performance with 100% accuracy.
    CONCLUSIONS: This study used PSO, GSA, fuzzy-GSA, PSO-GSA, and fuzzy-PSO-GSA on CKD and MES disease datasets to identify the disease, and the performance of different algorithms was explored. Compared with other methods in the literature, our proposed method achieved higher accuracy.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

  • 文章类型: Journal Article
    This work presents an elegant technique for estimating the heat of detonation (HD) of thirty organic energetic compounds by combining support vector regression (SVR) and gravitational search algorithm (GSA). The work shows that numbers of nitrogen and oxygen atoms as well as the compound molar mass are sufficient as descriptors. On the basis of three performance measuring parameters, the hybrid GSA-SVR outperforms Mortimer and Kamlet (1968), Mohammad and Hamid (2004) and Mohammad (2006) models with performance improvement of 93.951%, 86.197%, and 47.104%, respectively. The superior performance demonstrated by the proposed method would be of immense significance in containing the potential damage of the explosives through quick estimation of HD of organic energetic compounds without loss of experimental precision.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

       PDF(Pubmed)

  • 文章类型: Journal Article
    Mathematical modelling is fundamental to understand the dynamic behavior and regulation of the biochemical metabolisms and pathways that are found in biological systems. Pathways are used to describe complex processes that involve many parameters. It is important to have an accurate and complete set of parameters that describe the characteristics of a given model. However, measuring these parameters is typically difficult and even impossible in some cases. Furthermore, the experimental data are often incomplete and also suffer from experimental noise. These shortcomings make it challenging to identify the best-fit parameters that can represent the actual biological processes involved in biological systems. Computational approaches are required to estimate these parameters. The estimation is converted into multimodal optimization problems that require a global optimization algorithm that can avoid local solutions. These local solutions can lead to a bad fit when calibrating with a model. Although the model itself can potentially match a set of experimental data, a high-performance estimation algorithm is required to improve the quality of the solutions. This paper describes an improved hybrid of particle swarm optimization and the gravitational search algorithm (IPSOGSA) to improve the efficiency of a global optimum (the best set of kinetic parameter values) search. The findings suggest that the proposed algorithm is capable of narrowing down the search space by exploiting the feasible solution areas. Hence, the proposed algorithm is able to achieve a near-optimal set of parameters at a fast convergence speed. The proposed algorithm was tested and evaluated based on two aspartate pathways that were obtained from the BioModels Database. The results show that the proposed algorithm outperformed other standard optimization algorithms in terms of accuracy and near-optimal kinetic parameter estimation. Nevertheless, the proposed algorithm is only expected to work well in small scale systems. In addition, the results of this study can be used to estimate kinetic parameter values in the stage of model selection for different experimental conditions.
    导出

    更多引用

    收藏

    翻译标题摘要

    我要上传

       PDF(Sci-hub)

公众号