RESUMO
The difficulty of selecting features efficiently in histopathology image analysis remains unresolved. Furthermore, the majority of current approaches have approached feature selection as a single objective issue. This research presents an enhanced multi-objective whale optimisation algorithm-based feature selection technique as a solution. To mine optimal feature sets, the suggested technique makes use of a unique variation known as the enhanced multi-objective whale optimisation algorithm. To verify the optimisation capability, the suggested variation has been evaluated on 10 common multi-objective CEC2009 benchmark functions. Furthermore, by comparing five classifiers in terms of accuracy, mean number of selected features, and calculation time, the effectiveness of the suggested strategy is verified against three other feature-selection techniques already in use. The experimental findings show that, when compared to the other approaches under consideration, the suggested method performed better on the assessed parameters.
RESUMO
Cancer is the top cause of death worldwide, and machine learning (ML) has made an indelible mark on the field of early cancer detection, thereby lowering the death toll. ML-based model for cancer diagnosis is done using two forms of data: gene expression data and microarray data. The data on gene expression levels includes many dimensions. When dealing with data with a high dimension, the efficiency of an ML-based model is decreased. Microarray data is distinguished by its high dimensionality with a greater number of features and a smaller sample size. In this work, two ensemble techniques are proposed using majority voting technique and weighted average technique. Correlation feature selection (CFS) is used for feature selection, and improved grey wolf optimizer (IGWO) is used for feature optimization. Support vector machines (SVMs), multilayer perceptron (MLP) classification, logistic regression (LR), decision tree (DT), adaptive boosting (AdaBoost) classifier, extreme learning machines (ELMs), and K-nearest neighbor (KNN) are used as classifiers. The results of each distinct base learner were then combined using weighted average and majority voting ensemble methods. Accuracy (ACC), specificity (SPE), sensitivity (SEN), precision (PRE), Matthews correlation coefficient (MCC), and F1-score (F1-S) are used to assess the performance. Our result shows that majority voting achieves better performance than the weighted average ensemble technique.
RESUMO
Voice pathologies occur due to various factors, such as malfunction of the vocal cords. Computerized acoustic examination-based vocal pathology detection is crucial for early diagnosis, efficient follow-up, and improving problematic speech. Different acoustic measurements provide it. Executing this process requires expert monitoring and is not preferred by patients because it is time-consuming and costly. This paper is aimed at detecting metaheuristic-based automatic voice pathology. First, feature maps of 10 common diseases, including cordectomy, dysphonia, front lateral partial resection, contact pachyderma, laryngitis, lukoplakia, pure breath, recurrent laryngeal paralysis, vocal fold polyp, and vox senilis, were obtained from the Zero-Crossing Rate, Root-Mean-Square Energy, and Mel-frequency Cepstral Coefficients using a thousand voice signals from the Saarbruecken Voice Database dataset. Hybridizations of different features obtained from the voices of the same diseases using these three methods were used to increase the model's performance. The Grey Wolf Optimizer (MELGWO) algorithm based on local search, evolutionary operator, and concatenated feature maps derived from various approaches was employed to minimize the number of features, implement the models faster, and produce the best result. The fitness values of the metaheuristic algorithms were then determined using supervised machine learning techniques such as Support Vector Machine (SVM) and K-nearest neighbors. The F1 score, sensitivity, specificity, accuracy, and other assessment criteria were compared with the experimental data. The best accuracy result was achieved with 99.50% from the SVM classifier using the feature maps optimized by the improved MELGWO algorithms.
RESUMO
Frequency analysis via electroencephalography (EEG) during general anesthesia is used to develop techniques for measuring anesthesia depth. Variational mode decomposition (VMD) enables mathematical optimization methods to decompose EEG signals into natural number intrinsic mode functions with distinct narrow bands. However, the analysis requires the a priori determination of hyperparameters, including the decomposition number (K) and the penalty factor (PF). In the VMD analysis of EEGs derived from a noninterventional and noninvasive retrospective observational study, we adapted the grey wolf optimizer (GWO) to determine the K and PF hyperparameters of the VMD. As a metric for optimization, we calculated the envelope function of the IMF decomposed via the VMD method and used its envelope entropy as the fitness function. The K and PF values varied in each epoch, with one epoch being the analytical unit of EEG; however, the fitness values showed convergence at an early stage in the GWO algorithm. The K value was set to 2 to capture the α wave enhancement observed during the maintenance phase of general anesthesia in intrinsic mode function 2 (IMF-2). This study suggests that using the GWO to optimize VMD hyperparameters enables the construction of a robust analytical model for examining the EEG frequency characteristics involved in the effects of general anesthesia.
Assuntos
Algoritmos , Anestesia Geral , Eletroencefalografia , Eletroencefalografia/métodos , Humanos , Masculino , Feminino , Processamento de Sinais Assistido por Computador , Estudos Retrospectivos , Adulto , Pessoa de Meia-Idade , IdosoRESUMO
This study investigates the application of the multiobjective grey wolf optimizer (MOGWO) for optimal placement of thyristor-controlled series compensator (TCSC) to minimize power loss in power systems. Two conflicting objectives are considered: (1) minimizing real and reactive power loss, and (2) minimizing real power loss and TCSC capital cost. The Pareto-optimal method is employed to generate the Pareto front for these objectives. The fuzzy set technique is used to identify the optimal trade-off solution, while the technique for order preference by similarity to the ideal solution suggests multiple optimal solutions catering to diverse utility preferences. Simulations on an IEEE 30 bus test system demonstrate the effectiveness of TCSC placement for power loss minimization using MOGWO. The superiority of MOGWO is confirmed by comparing its results with those obtained from a multiobjective particle swarm optimization algorithm. These findings can assist power system utilities in identifying optimal TCSC locations to maximize their performance.
RESUMO
Non-orthogonal Multiple Access (NOMA) techniques offer potential enhancements in spectral efficiency for 5G and 6G wireless networks, facilitating broader network access. Central to realizing optimal system performance are factors like joint power control, user grouping, and decoding order. This study investigates power control and user grouping to optimize spectral efficiency in NOMA uplink systems, aiming to reduce computational difficulty. While previous research on this integrated optimization has identified several near-optimal solutions, they often come with considerable system and computational overheads. To address this, this study employed an improved Grey Wolf Optimizer (GWO), a nature-inspired metaheuristic optimization method. Although GWO is effective, it can sometimes converge prematurely and might lack diversity. To enhance its performance, this study introduces a new version of GWO, integrating Competitive Learning, Q-learning, and Greedy Selection. Competitive learning adopts agent competition, balancing exploration and exploitation and preserving diversity. Q-learning guides the search based on past experiences, enhancing adaptability and preventing redundant exploration of sub-optimal regions. Greedy selection ensures the retention of the best solutions after each iteration. The synergistic integration of these three components substantially enhances the performance of the standard GWO. This algorithm was used to manage power and user-grouping in NOMA systems, aiming to strengthen system performance while restricting computational demands. The effectiveness of the proposed algorithm was validated through numerical evaluations. Simulated outcomes revealed that when applied to the joint challenge in NOMA uplink systems, it surpasses the spectral efficiency of conventional orthogonal multiple access. Moreover, the proposed approach demonstrated superior performance compared to the standard GWO and other state-of-the-art algorithms, achieving reduced system complexity under identical constraints.
RESUMO
The grey wolf optimizer is a novel intelligent optimization algorithm that has become popular due to its low number of parameters, fast convergence speed, and simplicity. However, the classical algorithm, with its update strategy allowing wolves to learn only from the alpha wolves, often leads to premature convergence and lower convergence accuracy. Therefore, in this paper, an improved grey wolf optimization algorithm based on scale-free network topology (SFGWO) is proposed to address these issues. The improved algorithm first employs a strategy for formulating a population based on a scale-free network topology, where interaction between wolves is limited to topological neighbors, which helps enhance the exploration capabilities of the algorithm. Second, a neighbor learning strategy is introduced to capture individual diversity, facilitating the solution space exploration. Finally, an adaptive individual regeneration strategy is adopted to balance the exploration and exploitation processes and reduce the risk of falling into local optima. The proposed algorithm is evaluated through simulation experiments using 23 classical and the CEC2019 benchmark functions. The experimental results demonstrate that the SFGWO algorithm excels in terms of solution accuracy and exploration capabilities. The applicability and effectiveness of the SFGWO algorithm are further validated through testing on three practical engineering problems.
RESUMO
The transportation infrastructure of the future will be based on autonomous vehicles. When it comes to transportation, both emerging and established nations are keen on perfecting systems based on autonomous vehicles. Transportation authorities in the United States report that driver error accounts for over 60% of all accidents each year. Almost everywhere in the world is the same. Since the idea of self-driving cars involves a fusion of hardware and software. Despite the rapid expansion of the software business and the widespread adoption of cutting-edge technologies like AI, ML, Data Science, Big Data, etc. However, the identification of natural disasters and the exchange of data between vehicles present the greatest hurdle to the development of autonomous vehicles. The suggested study primarily focused on data cleansing from the cars, allowing for seamless interaction amongst autonomous vehicles. This study's overarching goal is to look at creating a novel kind of Support Vector Machine kernel specifically for P2P networks. To meet the kernel constraints of Mercer's theorem, a newly proposed W-SVM (Weighted-SVM) kernel was produced by using an appropriately converted weight vector derived through hybrid optimization. Given the advantages of both the Grey Wolf Optimizer (GWO) and the Elephant Herding Optimisation (EHO), combining them for hybridization would be fantastic. Combining the GWO algorithm with the EHO algorithm increases its convergence speed, as well as its exploitation and exploration performances. Therefore, a new hybrid optimization approach is proposed in this study for selecting weights in SVM optimally. When compared to other machine learning methods, the suggested model is shown to be superior in its ability to handle such issues and to produce optimal solutions.
RESUMO
The grey wolf optimizer is a widely used parametric optimization algorithm. It is affected by the structure and rank of grey wolves and is prone to falling into the local optimum. In this study, we propose a grey wolf optimizer for fusion cell-like P systems. Cell-like P systems can parallelize computation and communicate from cell membrane to cell membrane, which can help the grey wolf optimizer jump out of the local optimum. Design new convergence factors and use different convergence factors in other cell membranes to balance the overall exploration and utilization capabilities of the algorithm. At the same time, dynamic weights are introduced to accelerate the convergence speed of the algorithm. Experiments are performed on 24 test functions to verify their global optimization performance. Meanwhile, a support vector machine model optimized by the grey wolf optimizer for fusion cell-like P systems has been developed and tested on six benchmark datasets. Finally, the optimizing ability of grey wolf optimizer for fusion cell-like P systems on constrained optimization problems is verified on three real engineering design problems. Compared with other algorithms, grey wolf optimizer for fusion cell-like P systems obtains higher accuracy and faster convergence speed on the test function, and at the same time, it can find a better parameter set stably for the optimization of support vector machine parameters, in addition to being more competitive on constrained engineering design problems. The results show that grey wolf optimizer for fusion cell-like P systems improves the searching ability of the population, has a better ability to jump out of the local optimum, has a faster convergence speed, and has better stability.
RESUMO
As an alternative to flat architectures, clustering architectures are designed to minimize the total energy consumption of sensor networks. Nonetheless, sensor nodes experience increased energy consumption during data transmission, leading to a rapid depletion of energy levels as data are routed towards the base station. Although numerous strategies have been developed to address these challenges and enhance the energy efficiency of networks, the formulation of a clustering-based routing algorithm that achieves both high energy efficiency and increased packet transmission rate for large-scale sensor networks remains an NP-hard problem. Accordingly, the proposed work formulated an energy-efficient clustering mechanism using a chaotic genetic algorithm, and subsequently developed an energy-saving routing system using a bio-inspired grey wolf optimizer algorithm. The proposed chaotic genetic algorithm-grey wolf optimization (CGA-GWO) method is designed to minimize overall energy consumption by selecting energy-aware cluster heads and creating an optimal routing path to reach the base station. The simulation results demonstrate the enhanced functionality of the proposed system when associated with three more relevant systems, considering metrics such as the number of live nodes, average remaining energy level, packet delivery ratio, and overhead associated with cluster formation and routing.
RESUMO
Microgrids (MGs) based on renewable energies have emerged as a proficient strategy for tackling power quality issues in conventional distribution networks. Nonetheless, MG systems require a suitable control scheme to supply energy optimally towards the electrical grid. This paper presents an innovative framework for designing hybrid Proportional-Resonant (PR) controllers with Linear Quadratic Regulators (LQR), PR+LQR, which merge relevant properties of PR and LQR controllers. This method simultaneously determines the MG control parameters and the current unbalanced factor generated at the distribution network. We select the traditional IEEE 13-bus test feeder network and place two MGs at strategic locations to validate our approach. Moreover, we use the Grey Wolf Optimizer (GWO) to find control parameters through a reliable fitness function that leads to high-performance microgrids. Finally, we conceive several tests to assess the efficacy of GWO for tuning the hybrid controller and compare the resulting data across distinct realistic operation conditions representing power quality events. So, we choose four case studies considering different renewable energy penetration indexes and power factors and evaluate the effects of the MGs over the distribution grid. We also compare the proposed hybrid PR+LQR controller against closely-related alternatives from the literature and validate its robustness and stability through the disk margin approach and the Nyquist criterion. Our numerical simulations prove that hybrid controllers driven by GWO are highly reliable strategies, yielding an average unbalanced current reduction of 30.03%.
RESUMO
Skin cancer is a type of cancer disease in which abnormal alterations in skin characteristics can be detected. It can be treated if it is detected early. Many artificial intelligence-based models have been developed for skin cancer detection and classification. Considering the development of numerous models according to various scenarios and selecting the optimum model was rarely considered in previous works. This study aimed to develop various models for skin cancer classification and select the optimum model. Convolutional neural networks (CNNs) in the form of AlexNet, Inception V3, MobileNet V2, and ResNet 50 were used for feature extraction. Feature reduction was carried out using two algorithms of the grey wolf optimizer (GWO) in addition to using the original features. Skin cancer images were classified into four classes based on six machine learning (ML) classifiers. As a result, 51 models were developed with different combinations of CNN algorithms, without GWO algorithms, with two GWO algorithms, and with six ML classifiers. To select the optimum model with the best results, the multicriteria decision-making approach was utilized to rank the alternatives by perimeter similarity (RAPS). Model training and testing were conducted using the International Skin Imaging Collaboration (ISIC) 2017 dataset. Based on nine evaluation metrics and according to the RAPS method, the AlexNet algorithm with a classical GWO yielded the optimum model, achieving a classification accuracy of 94.5%. This work presents the first study on benchmarking skin cancer classification with many models. Feature reduction not only reduces the time spent on training but also improves classification accuracy. The RAPS method has proven its robustness in the problem of selecting the best model for skin cancer classification.
Assuntos
Algoritmos , Redes Neurais de Computação , Neoplasias Cutâneas , Humanos , Neoplasias Cutâneas/classificação , Neoplasias Cutâneas/patologia , Neoplasias Cutâneas/diagnóstico por imagem , Aprendizado de Máquina , Pele/patologia , Pele/diagnóstico por imagemRESUMO
In humanitarian aid scenarios, the model of cumulative capacitated vehicle routing problem can be used in vehicle scheduling, aiming at delivering materials to recipients as quickly as possible, thus minimizing their wait time. Traditional approaches focus on this metric, but practical implementations must also consider factors such as driver labor intensity and the capacity for on-site decision-making. To evaluate driver workload, the operation times of relief vehicles are typically used, and multi-objective modeling is employed to facilitate on-site decision-making. This paper introduces a multi-objective cumulative capacitated vehicle routing problem considering operation time (MO-CCVRP-OT). Our model is bi-objective, aiming to minimize both the cumulative wait time of disaster-affected areas and the extra expenditures incurred by the excess operation time of rescue vehicles. Based on the traditional grey wolf optimizer algorithm, this paper proposes a dynamic grey wolf optimizer algorithm with floating 2-opt (DGWO-F2OPT), which combines real number encoding with an equal-division random key and ROV rules for decoding; in addition, a dynamic non-dominated solution set update strategy is introduced. To solve MO-CCVRP-OT efficiently and increase the algorithm's convergence speed, a multi-objective improved floating 2-opt (F2OPT) local search strategy is proposed. The utopia optimum solution of DGWO-F2OPT has an average value of two fitness values that is 6.22% lower than that of DGWO-2OPT. DGWO-F2OPT's average fitness value in the algorithm comparison trials is 16.49% less than that of NS-2OPT. In the model comparison studies, MO-CCVRP-OT is 18.72% closer to the utopian point in Euclidean distance than CVRP-OT.
RESUMO
This study presents the K-means clustering-based grey wolf optimizer, a new algorithm intended to improve the optimization capabilities of the conventional grey wolf optimizer in order to address the problem of data clustering. The process that groups similar items within a dataset into non-overlapping groups. Grey wolf hunting behaviour served as the model for grey wolf optimizer, however, it frequently lacks the exploration and exploitation capabilities that are essential for efficient data clustering. This work mainly focuses on enhancing the grey wolf optimizer using a new weight factor and the K-means algorithm concepts in order to increase variety and avoid premature convergence. Using a partitional clustering-inspired fitness function, the K-means clustering-based grey wolf optimizer was extensively evaluated on ten numerical functions and multiple real-world datasets with varying levels of complexity and dimensionality. The methodology is based on incorporating the K-means algorithm concept for the purpose of refining initial solutions and adding a weight factor to increase the diversity of solutions during the optimization phase. The results show that the K-means clustering-based grey wolf optimizer performs much better than the standard grey wolf optimizer in discovering optimal clustering solutions, indicating a higher capacity for effective exploration and exploitation of the solution space. The study found that the K-means clustering-based grey wolf optimizer was able to produce high-quality cluster centres in fewer iterations, demonstrating its efficacy and efficiency on various datasets. Finally, the study demonstrates the robustness and dependability of the K-means clustering-based grey wolf optimizer in resolving data clustering issues, which represents a significant advancement over conventional techniques. In addition to addressing the shortcomings of the initial algorithm, the incorporation of K-means and the innovative weight factor into the grey wolf optimizer establishes a new standard for further study in metaheuristic clustering algorithms. The performance of the K-means clustering-based grey wolf optimizer is around 34% better than the original grey wolf optimizer algorithm for both numerical test problems and data clustering problems.
RESUMO
The primary objective of multi-objective optimization techniques is to identify optimal solutions within the context of conflicting objective functions. While the multi-objective gray wolf optimization (MOGWO) algorithm has been widely adopted for its superior performance in solving multi-objective optimization problems, it tends to encounter challenges such as local optima and slow convergence in the later stages of optimization. To address these issues, we propose a Modified Boltzmann-Based MOGWO, referred to as MBB-MOGWO. The performance of the proposed algorithm is evaluated on multiple multi-objective test functions. Experimental results demonstrate that MBB-MOGWO exhibits rapid convergence and a reduced likelihood of being trapped in local optima. Furthermore, in the context of the Internet of Things (IoT), the quality of web service composition significantly impacts complexities related to sensor resource scheduling. To showcase the optimization capabilities of MBB-MOGWO in real-world scenarios, the algorithm is applied to address a Multi-Objective Problem (MOP) within the domain of web service composition, utilizing real data records from the QWS dataset. Comparative analyses with four representative algorithms reveal distinct advantages of our MBB-MOGWO-based method, particularly in terms of solution precision for web service composition. The solutions obtained through our method demonstrate higher fitness and improved service quality.
RESUMO
Three-dimensional registration with the affine transform is one of the most important steps in 3D reconstruction. In this paper, the modified grey wolf optimizer with behavior considerations and dimensional learning (BCDL-GWO) algorithm as a registration method is introduced. To refine the 3D registration result, we incorporate the iterative closet point (ICP). The BCDL-GWO with ICP method is implemented on the scanned commercial orthodontic tooth and regular tooth models. Since this is a registration from multi-views of optical images, the hierarchical structure is implemented. According to the results for both models, the proposed algorithm produces high-quality 3D visualization images with the smallest mean squared error of about 7.2186 and 7.3999 µm2, respectively. Our results are compared with the statistical randomization-based particle swarm optimization (SR-PSO). The results show that the BCDL-GWO with ICP is better than those from the SR-PSO. However, the computational complexities of both methods are similar.
RESUMO
Regulating blood glucose level (BGL) for type-1 diabetic patient (T1DP) accurately is very important issue, an uncontrolled BGL outside the standard safe range between 70 and 180 mg/dl results in dire consequences for health and can significantly increase the chance of death. So the purpose of this study is to design an optimized controller that infuses appropriate amounts of exogenous insulin into the blood stream of T1DP proportional to the amount of obtained glucose from food. The nonlinear extended Bergman minimal model is used to present glucose-insulin physiological system, an interval type-2 fuzzy logic controller (IT2FLC) is utilized to infuse the proper amount of exogenous insulin. Superiority of IT2FLC in minimizing the effect of uncertainties in the system depends primarily on the best choice of footprint of uncertainty (FOU) of IT2FLC. So a comparison includes four different optimization methods for tuning FOU including hybrid grey wolf optimizer-cuckoo search (GWOCS) and fuzzy logic controller (FLC) method is constructed to select the best controller approach. The effectiveness of the proposed controller was evaluated under six different scenarios of T1DP using Matlab/Simulink platform. A 24-h scenario close to real for 100 virtual T1DPs subjected to parametric uncertainty, uncertain meal disturbance and random initial condition showed that IT2FLC accurately regulate BGL for all T1DPs within the standard safe range. The results indicated that IT2FLC using GWOCS can prevent side effect of treatment with blood-sugar-lowering medication. Also stability analysis for the system indicated that the system operates within the stability region of nonlinear system.
RESUMO
In the optimal design of groundwater pollution monitoring network (GPMN), the uncertainty of the simulation model always affects the reliability of the monitoring network design when applying simulation-optimization methods. To address this issue, in the present study, we focused on the uncertainty of the pollution source intensity and hydraulic conductivity. In particular, we utilized simulation-optimization and Monte Carlo methods to determine the optimal layout scheme for monitoring wells under these uncertainty conditions. However, there is often a substantial computational load incurred due to multiple calls to the simulation model. Hence, we employed a back-propagation neural network (BPNN) to develop a surrogate model, which could substantially reduce the computational load. We considered the dynamic pollution plume migration process in the optimal design of the GPMN. Consequently, we formulated a long-term GPMN optimization model under uncertainty conditions with the aim of maximizing the pollution monitoring accuracy for each yearly period. The spatial moment method was used to measure the approximation degree between the pollution plume interpolated for the monitoring network and the actual plume, which could effectively evaluate the superior monitoring accuracy. Traditional methods are easily trapped in local optima when solving the optimization model. To overcome this limitation, we used the grey wolf optimizer (GWO) algorithm. The GWO algorithm has been found to be effective in avoiding local optima and in exploring the search space more effectively, especially when dealing with complex optimization problems. A hypothetical example was designed for evaluating the effectiveness of our method. The results indicated that the BPNN surrogate model could effectively fit the input-output relationship from the simulation model, as well as significantly reduce the computational load. The GWO algorithm effectively solved the optimization model and improved the solution accuracy. The pollution plume distribution in each monitoring yearly period could be accurately characterized by the optimized monitoring network. Thus, combining the simulation-optimization method with the Monte Carlo method effectively addressed the optimal monitoring network design problem under uncertainty.
Assuntos
Monitoramento Ambiental , Água Subterrânea , Reprodutibilidade dos Testes , Incerteza , Redes Neurais de Computação , AlgoritmosRESUMO
Missing values often affect the data utilization in epidemiological survey. In this study, according to the cut-off point value of the medical diagnostic standard of fasting blood glucose for diabetes, we divide fasting blood glucose test data from the China Health and Nutrition Survey (CHNS) of Shandong province in 2009 into two classes: the normal and the abnormal. Accordingly, for missing fasting blood glucose values, we propose a two-stage prediction filling method with optimized support vector technologies competitively by particle swarm optimization (PSO) or grey wolf optimizer (GWO), which is to first predict the class of the missing data with support vector machine (SVM) in the first stage and then predict the missing value with support vector regression (SVR) within the predicted class in the second stage. In addition, we use the LIBSVM as a gold standard to train both SVM and SVR in different stages. For two kinds of competitive optimizers in stages, in the first stage GWO has the highest classification accuracy (91.1%), and in the second stage PSO has the smallest in-class mean absolute error (0.48). So, GWO-SVM-PSO-SVR is determined as the optimal model and a predicted value with it serves as a fill value. The comparison results of the models in empirical analysis also show that it outdoes any of the other filling models in terms of mean absolute error and mean absolute percentage error. In addition, the sensitivity analysis shows that it presents high tolerance as the sample size changes and has a good stability.
Assuntos
Algoritmos , Glicemia , Tecnologia , Máquina de Vetores de Suporte , JejumRESUMO
The analysis of mixed short tandem repeat (STR) profiles has been long considered as a difficult challenge in the forensic DNA analysis. In the context of China, the current approach to analyze mixed STR profiles depends mostly on forensic manual method. However, besides the inefficiency, this technique is also susceptible to subjective biases in interpreting analysis results, which can hardly meet up with the growing demand for STR profiles analysis. In response, this study introduces an innovative method known as the global minimum residual method, which not only predicts the proportion of each contributor within a mixture, but also delivers accurate analysis results. The global minimum residual method first gives new definitions to the mixture proportion, then optimizes the allele model. After that, it comprehensively considers all loci present in the STR profile, accumulates and sums the residual values of each locus and selects the mixture proportion with the minimum accumulative sum as the inference result. Furthermore, the grey wolf optimizer is also employed to expedite the search for the optimal value. Notably, for two-person STR profiles, the high accuracy and remarkable efficiency of the global minimum residual method can bring convenience to realize extensive STR profile analysis. The optimization scheme established in this research has exhibited exceptional outcomes in practical applications, boasting significant utility and offering an innovative avenue in the realm of mixed STR profile analysis.