Science topic

Genetic Algorithm - Science topic

Genetic Algorithm are solving problems in maths by optimization technique using GA
Questions related to Genetic Algorithm
  • asked a question related to Genetic Algorithm
Question
1 answer
IEEE 2025 8th International Conference on Advanced Algorithms and Control Engineering (ICAACE 2025) will be held on March 21-23, 2025 in Shanghai, China.
Conference Website: https://ais.cn/u/EbARNf
---Call For Papers---
The topics of interest for submission include, but are not limited to:
1. Algorithms
Analysis of algorithms
Approximation algorithm
Computability theory
Evolutionary algorithm
Genetic algorithm
......
2. Control Engineering
Multivariable Control
Nonlinear Control
Robust Control
Adaptive and Optimal Control
Intelligent Control
......
3. Technologies & Application of AI
Basic Theory and Application of Artificial Intelligence
Knowledge Science and Knowledge Engineering
Machine Learning and Data Mining
Machine Perception and Virtual Reality
Natural Language Processing and Understanding
......
4. Robotics and Automation
Automation, CNC Machines & Robotics
Autonomous Robotic Vehicles
Evolutionary Robotics
Industrial Robotics
Intelligent Control Systems
......
---Publication---
All papers, both invited and contributed, the accepted papers, will be published and submitted for inclusion into IEEE Xplore subject to meeting IEEE Xplore’s scope and quality requirements, and also submitted to EI Compendex and Scopus for indexing. All conference proceedings paper can not be less than 4 pages.
---Important Dates---
Full Paper Submission Date: February 15, 2025
Registration Deadline: February 21, 2025
Final Paper Submission Date: February 21, 2025
Conference Dates: March 21-23, 2025
--- Paper Submission---
Please send the full paper(word+pdf) to Submission System:
Relevant answer
Answer
Thank you for the information!
The ICAACE 2025 conference seems like a great opportunity for researchers in the fields of algorithms, control engineering, artificial intelligence, and robotics. I will review the details and topics, and if I decide to participate, I will make sure to meet the deadlines.
I have also contacted you via email.
  • asked a question related to Genetic Algorithm
Question
1 answer
Currently, when performing a single and multi-objective optimisation in MATLAB for Genetic Algorithm, I'm setting the upper and lower bounds based on the maximum and minimum process parameter values used in Design of Experiments (DoE) in order to cover the range of values that were used to conduct my experiment, and by extension to obtain my performance measures and regression equations.
Apart from using the upper and lower bounds of these process parameters, is there any other techniques that can be used to set this range based on current studies/research when conducting these types of optimisation techniques?
Thank you in advance.
Relevant answer
Answer
Techniques include: boundary constraints, penalty functions, repair methods, and adaptive bounds to set upper/lower bounds for optimization.
  • asked a question related to Genetic Algorithm
Question
2 answers
I am working on solving a system of linear equations with multiple variables. The system is of the form Ax=b, where the matrix A is extremely ill-conditioned. I have been struggling to find a stable solution for this problem. I have tried several numerical approaches, including genetic algorithms and other optimization methods, but I have not been successful in obtaining a reliable solution.
Here are some additional details about the problem:
1. The system is ill-conditioned, leading to significant numerical instability.
2. I know the boundaries of the solution space for x.
3. I also have the real solution for x that can be used for comparison.
I have been working on this problem for 4 months and would greatly appreciate any advice or suggestions on possible methods I could use to solve this problem. Below is the code I have been working on:
import numpy as np
Example of a linear system Ax = b
in attached file
  • I calculated the condition number of the matrix using cond_number = np.linalg.cond(A), and the result is 5.956181138617321e+23, which indicates a highly ill-conditioned matrix.
  • So far, I have attempted to solve the problem using SVD and genetic algorithms.
  • I am trying to simulate the approach described in [this research paper][1]. The simulation involves estimating a line using moments specifically, 15 moments. The challenge arises because the higher-order moments generate extremely large coefficients (on the order of 10^28) in the later equations, while the coefficients of the earlier equations are relatively small (on the order of 10). This disparity complicates the solution of the system of equations.
Any suggestions on how to handle such an ill-conditioned matrix and the wide range of coefficients would be appreciated.
  • asked a question related to Genetic Algorithm
Question
2 answers
Any other TWO (2) genetic algorithms
Expected results from the Matlab codes for optimization
a. Display Optimal value for the function
b. Display Optimal values for the variables
c. Display graph of optimal values vs number of iteration
d. Display graph of each variable vs number of iteration
Relevant answer
Answer
  • asked a question related to Genetic Algorithm
Question
2 answers
Does it depend on application?
Relevant answer
Answer
Selecting a fitness function for a genetic algorithm (GA) is a critical step as it directly influences the performance and effectiveness of the algorithm. Here are the key criteria to consider when choosing a fitness function:
1. Relevance to the Problem
  • Alignment with Objectives: The fitness function should accurately reflect the goals of the optimization problem. It must measure how well a solution meets the desired objectives.
  • Problem-Specific: Tailor the fitness function to the specific problem you are solving. For example, in a traveling salesman problem, the fitness function might measure the total distance of the tour.
2. Differentiability
  • Smoothness: While not always required, having a smooth or differentiable fitness function can help in easier convergence. For discrete problems, this might not apply.
  • Granularity: Ensure that the fitness function can differentiate between different solutions with varying degrees of quality.
3. Computational Efficiency
  • Efficiency: The fitness function should be computationally efficient to evaluate, especially when the genetic algorithm involves evaluating a large number of candidate solutions.
  • Scalability: It should scale well with increasing problem size and complexity.
4. Fitness Landscape
  • Diversity: The fitness function should be designed to avoid problems like premature convergence. A good fitness function helps maintain diversity in the population to explore various parts of the search space.
  • Avoid Local Minima: Ideally, it should help the algorithm escape local optima and guide it toward global optima.
5. Normalization and Scaling
  • Normalization: Ensure that the fitness values are normalized or scaled appropriately so that they are in a range that is conducive to the selection process.
  • Scaling: Proper scaling can prevent fitness values from becoming too large or too small, which could affect the selection pressure.
6. Handling Constraints
  • Constraint Incorporation: If the problem has constraints, the fitness function should incorporate these constraints properly. This can be done through penalty functions or constraint handling techniques.
  • Feasibility: Ensure that feasible solutions are rewarded while infeasible solutions are penalized appropriately.
7. Objective Function
  • Single vs. Multi-Objective: For single-objective problems, the fitness function should directly reflect the objective. For multi-objective problems, consider how to combine multiple objectives into a single fitness function or use multi-objective optimization techniques.
8. Sensitivity and Stability
  • Sensitivity: The fitness function should be sensitive enough to distinguish between slightly different solutions, which helps in fine-tuning the solutions.
  • Stability: It should provide stable fitness evaluations to avoid erratic behavior during the optimization process.
Example Criteria Application
  1. Optimization Problem: In a scheduling problem, the fitness function might evaluate the total cost or completion time of a schedule.
  2. Efficiency: If the fitness function involves complex calculations, consider simplifying it or optimizing its implementation.
  3. Constraints: For a problem with resource constraints, the fitness function might include penalties for exceeding resource limits.
Summary
When selecting a fitness function for a genetic algorithm, consider its relevance to the problem, computational efficiency, ability to handle constraints, and its effect on the fitness landscape. The function should accurately measure solution quality, support the GA’s convergence, and handle problem-specific requirements effectively.
  • asked a question related to Genetic Algorithm
Question
3 answers
Good day, everyone.
I am trying to create an artificial neural network with Matlab and then optimize it with the genetic algorithm. After training the network, I saved it and created the following two script files.
function fitness = fitnessFunction(x, trainedNetwork)
% Check input values
net = trainedNetwork;
if any(x < -1) || any(x > 1)
error('Input values must be between -1 and +1.');
end
try
outputs = net(x'); % use net instead of trainedNetwork
fitness = -sum(outputs); % Negative sign, since the genetic algorithm thinks it is looking for a minimum
catch ME
rethrow(ME);
end
end
%Install trainedNetwork
load('trainedNetwork.mat', 'trainedNetwork'); % Load the file where the trainedNetwork variable is saved
inputSize = 3;
% Set genetic algorithm settings
% Set lower and upper limits (between -1 and +1)
lb = -ones(1, inputSize); % Lower limit
ub = ones(1, inputSize); % Upper limit
options = optimoptions('ga', 'Display', 'iter', 'PopulationSize', 100, 'MaxGenerations', 50);
% Run the genetic algorithm
[x, fval] = ga(@(x) fitnessFunction(x, trainedNetwork), inputSize, [], [], [], [], [], lb, ub, [], options);
% Best solution and fitness value
bestInputs = x;
bestFitness = -fval; % We return it because we have marked it negative
% Calculate outputs corresponding to the best inputs
bestOutputs = trainedNetwork(bestInputs');
disp('Best inputs:');
disp(bestInputs);
disp('The highest outputs corresponding to these inputs:');
disp(bestOutputs);
When I run the second script, I get the following error.
Array indices must be positive integers or logical values.
Error in fitnessFunction (line 8)
outputs = trainedNetwork(x');
I would be very grateful if you can help me.
Relevant answer
Answer
The idea here is to employ the Genetic algorithm to optimize ANN parameters to improve performance. ANN provides the search space and utilizes GA to find the best solution by tuning the weights and biases required to achieve lower error rates. The error between the model output and the exact training data can reach a minimum value by iterating the GA until the desired error is met.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
1 answer
I use Design Expert to generate regression equations from raw input data. These regression equations are integrated into MATLAB to perform genetic algorithm single and multi-objective optimisation using the MATLAB optimisation tool. I've been looking to utilise ANFIS using the MATLAB fuzzy logic designer to fine tune the raw data, so that the fine tuned input data and output data can be used for the optimisation instead.
However, the exports I get from the ANFIS simulation results are not (in my opinion) very clear regarding how I can use these fine-tuned datasets subsequent to training the model and obtaining the Root mean square errors. How can one determine the fine tuned input and output data after the training is complete? I see that the training model generates ranges for each of my membership functions per input but from that range, it is difficult to ascertain whether it can give me a specific dataset of values for input and output compared to the raw input and output data that was entered.
The steps I have performed thus far:
1. I used 85% (26) of the total data set (30) to train the Sugeno model
2. I used the remaining 15% (4) of the total data set to validate, from which I got tuned predictions of the 4 reference outputs.
3. From my observation, System Validation takes the trained model and gives 'tuned' predicted values of any dataset that is used for validation.
4. In this regard, it is my assumption that by inputting the full 30 reference data sets would give me tuned versions of themselves as tuned output values, which I can re-inject into Design Expert to obtain a 'tuned' regression equation, to be used for MATLAB's genetic algorithm optimisation.
5. After trying this, I did get higher R squared values for the regression equation as well, which "kind" of confirmed that this works. However, I have not seen this be done anywhere, nor do I know if my interpretation of how to use the
system validation via the fuzzy logic designer to get these tuned outputs is correct.
I've also attached a code script that was formulated without the use of the Fuzzy Logic Designer tool to try and ascertain the problem. The 'idea' centres around re-integrating the 30 datasets into the validation step this time (even though 26 of them were used to train in the first place), but for the purpose of obtaining tuned versions of themselves before using the tuned versions in Design Expert for generating a 'tuned' regression equation for MATLAB's GA Optimisation. Does this make sense?
I am unsure if these are the right steps. Any advice would be greatly appreciated.
Relevant answer
Answer
Yes, it is possible to obtain ANFIS (Adaptive Neuro-Fuzzy Inference System) data for Genetic Algorithm (GA) optimization in MATLAB. MATLAB provides tools and functions for both ANFIS and GA, which can be integrated for optimization purposes. Here’s a general approach to achieve this:
Train ANFIS Model:
Collect and prepare your dataset.
Train the ANFIS model using the anfis function.
Extract ANFIS Parameters:
Extract the parameters of the trained ANFIS model which you want to optimize (e.g., membership function parameters).
Define Genetic Algorithm:
Define the objective function for GA that uses the ANFIS model parameters.
Set up the GA options and constraints.
Run Genetic Algorithm:
Use the ga function to run the GA and optimize the ANFIS parameters.
  • asked a question related to Genetic Algorithm
Question
1 answer
I am working on flexible job shop scheduling problem, which I want to solve using a hybrid algorithm like VNS based NSGA-II or TS/SA + NSGA. Can I use Pymoo to implement this problem? Pymoo has specific structure to call the built-in algorithms, but in case of customization and using two algorithms how can I use pymoo framework?
Relevant answer
I recommend studying the following systematic review.
  • asked a question related to Genetic Algorithm
Question
3 answers
Optimization by genetic algorithm (GAO) in electricity and smart grid?
why we use it ?
what is the process of this algorithms ?
Relevant answer
Answer
Genetic Algorithms (GAs) are heuristic algorithms widely used for performing optimization especially in complex systems. Indeed, in those circumstances, finding the exaxt solution to the problem at hand could be very hard because of lack of information or mathematical issues. Smart Grids (SGs) are basically groups of modular interconnected electrical grids with many nodes (e.g. residential buildings) and elements (e.g. batteries and PV generators), generally aimed at reaching the minimum operative costs for their users. Therefore, energy flows between nodes have to be optimized with the aforementioned purpose. To sum up, GA optimization is useful for SGs since they are complex systems to be optimized.
  • asked a question related to Genetic Algorithm
Question
4 answers
I am using a genetic algorithm to solve a multivariable optimization problem. The difficulty in exploring all the solutions is that the permissible set of each variable of the solution is of the form {0} U [a,b], where 0 < a < b (the magnitudes are around a=4 and b=15). "Solutions" that do not satisfy the constraints get a low fitness. So when the genetic explores the search space, it is difficult that it tries solutions with one variable at 0 (zero). I can try to enlarge the interval around 0 and to modify the fitness of variables close to zero. Does anybody know how to treat this kind of constraints? By the way I am using the DEAP genetic algorithms, more precisely this one: http://deap.gel.ulaval.ca/doc/default/examples/ga_onemax.html.
Relevant answer
Answer
To optimize a multivariable problem with constraints of the form `{0} ∪ [a, b]` using a genetic algorithm, consider implementing custom mutation and crossover functions that increase the likelihood of variables taking on a value of zero, and adjust the fitness function to impose penalties for values within the non-desirable range `(0, a)`. You can also employ a two-part variable representation to handle zeros and non-zeros distinctly, initialize the population with a higher frequency of zeros, or use adaptive fitness scaling to dynamically value solutions with zeros more favorably. Lastly, specialized selection mechanisms can be designed to favor individuals that meet the constraints, ensuring the genetic algorithm efficiently explores and exploits the desired search space within the DEAP framework.
  • asked a question related to Genetic Algorithm
Question
3 answers
I constantly use genetic algorithm and neural network , if you know and examine a better method to find when the data is high dimensional .
Relevant answer
Answer
Dealing with high-dimensional data, especially when using genetic algorithms and neural networks, can be challenging due to the "curse of dimensionality." High dimensionality can lead to increased computational complexity, overfitting, and reduced model generalization.
I can suggest some methods and strategies you may utilize when working with high-dimensional data:
For Genetic Algorithms:
  1. Feature Selection: High-dimensional data often contains many irrelevant or redundant features. Implement feature selection techniques, such as genetic algorithms themselves or recursive feature elimination, to reduce the dimensionality by selecting the most informative features.
  2. Dimensionality Reduction: Consider dimensionality reduction techniques like Principal Component Analysis (PCA) or t-distributed Stochastic Neighbor Embedding (t-SNE) to project high-dimensional data into a lower-dimensional space while preserving important information.
  3. Crossover and Mutation Operators: Design or adapt crossover and mutation operators that are well-suited for high-dimensional data. These operators should encourage exploration of the solution space while avoiding excessive computational cost.
  4. Population Size: In high-dimensional spaces, increasing the population size can help improve the exploration of the search space. However, be cautious of computational resources.
  5. Constraint Handling: Implement constraint handling mechanisms to ensure that generated solutions remain feasible in high-dimensional spaces. This prevents invalid solutions that could arise due to the sheer number of dimensions.
For Neural Networks:
  1. Regularization: Use regularization techniques like L1 or L2 regularization to prevent overfitting. These techniques encourage neural networks to focus on a subset of important features.
  2. Dropout: Implement dropout layers within the neural network to randomly deactivate a portion of neurons during training. This helps prevent overfitting and can be especially useful in high-dimensional scenarios.
  3. Batch Normalization: Batch normalization can stabilize training in deep networks and make them more resistant to vanishing/exploding gradients, which can occur in high-dimensional networks.
  4. Architectural Choices: Consider network architectures that are designed for high-dimensional data, such as deep convolutional networks for image data or recurrent networks for sequential data.
  5. Early Stopping: Employ early stopping techniques to monitor the network's performance on validation data and halt training when it starts to overfit.
  6. Ensemble Learning: Use ensemble learning methods like bagging or boosting with multiple neural networks to improve performance and reduce the impact of overfitting.
  7. Reduced Learning Rates: Experiment with reduced learning rates or learning rate schedules to facilitate convergence in high-dimensional spaces.
  8. Data Preprocessing: Apply data preprocessing techniques like feature scaling and normalization to make high-dimensional data more amenable to neural network training.
  9. Autoencoders: Consider using autoencoders to learn lower-dimensional representations of high-dimensional data before feeding it into a neural network. Autoencoders can capture the most essential features.
  10. Transfer Learning: Transfer learning, using pre-trained models, can be effective for high-dimensional data. Fine-tune models that have been trained on large datasets related to your problem.
When working with high-dimensional data, it's crucial to experiment with various combinations of the above techniques to find the best approach for your specific problem. Additionally, you may need to consider parallel computing or distributed computing to handle the increased computational requirements that can arise in high-dimensional spaces.
  • asked a question related to Genetic Algorithm
Question
2 answers
I have a thesis right now, I don't know if its possible to do, I'm trying to create a website builder, but instead of using Draggable Pre-Templates or Libraries, I would make a UI Component Generator with Different Properties and Designs.
But as I did some research, I realized its going to be messed up upon generation, I wanted it Linear in sequence and not just random Components with Random Designs, I wanted an organized linear pattern of generated UI Components. and I was thinking of using Seeds to find previously generated UI Components and saving it in a History Panel of panel. and being able to search it.
Needs some opinions and ideas because we're blasting our way to graduation..
Thank you! any help is appreciated!
Relevant answer
Answer
There is actually quite a bit of valuable information/ example/ research paper here on this site
  • asked a question related to Genetic Algorithm
Question
3 answers
If ChatGPT is merged into search engines developed by internet technology companies, will search results be shaped by algorithms to a greater extent than before, and what risks might be involved?
Leading Internet technology companies that also have and are developing search engines in their range of Internet information services are working on developing technological solutions to implement ChatGPT-type artificial intelligence into these search engines. Currently, there are discussions and considerations about the social and ethical implications of such a potential combination of these technologies and offering this solution in open access on the Internet. The considerations relate to the possible level of risk of manipulation of the information message in the new media, the potential disinformation resulting from a specific algorithm model, the disinformation affecting the overall social consciousness of globalised societies of citizens, the possibility of a planned shaping of public opinion, etc. This raises another issue for consideration concerning the legitimacy of creating a control institution that will carry out ongoing monitoring of the level of objectivity, independence, ethics, etc. of the algorithms used as part of the technological solutions involving the implementation of artificial intelligence of the ChatGPT type in Internet search engines, including those search engines that top the rankings of Internet users' use of online tools that facilitate increasingly precise and efficient searches for specific information on the Internet. Therefore, if, however, such a system of institutional control on the part of the state is not established, if this kind of control system involving companies developing such technological solutions on the Internet does not function effectively and/or does not keep up with the technological progress that is taking place, there may be serious negative consequences in the form of an increase in the scale of disinformation realised in the new Internet media. How important this may be in the future is evident from what is currently happening in terms of the social media portal TikTok. On the one hand, it has been the fastest growing new social medium in recent months, with more than 1 billion users worldwide. On the other hand, an increasing number of countries are imposing restrictions or bans on the use of TikTok on computers, laptops, smartphones etc. used for professional purposes by employees of public institutions and/or commercial entities. It cannot be ruled out that new types of social media will emerge in the future, in which the above-mentioned technological solutions involving the implementation of ChatGPT-type artificial intelligence into online search engines will find application. Search engines that may be designed to be operated by Internet users on the basis of intuitive feedback and correlation on the basis of automated profiling of the search engine to a specific user or on the basis of multi-option, multi-criteria search controlled by the Internet user for specific, precisely searched information and/or data. New opportunities may arise when the artificial intelligence implemented in a search engine is applied to multi-criteria search for specific content, publications, persons, companies, institutions, etc. on social media sites and/or on web-based multi-publication indexing sites, web-based knowledge bases.
In view of the above, I address the following question to the esteemed community of scientists and researchers:
If ChatGPT is merged into search engines developed by online technology companies, will search results be shaped by algorithms to a greater extent than before, and what risks might be associated with this?
What is your opinion on the subject?
What do you think about this topic?
Please respond,
I invite you all to discuss,
Thank you very much,
Best wishes,
Dariusz Prokopowicz
Relevant answer
Answer
If tools such as ChatGPT, after the necessary update and adaptation to current Internet technologies, are combined with search engines developed by Internet technology companies, search results can be shaped by certain complex algorithms, by generative artificial intelligence learned to use and improve complex models for advanced intelligent search of precisely defined topics, intelligent search systems based on artificial neural networks and deep learning. If such solutions are created, it may involve the risk of deliberate shaping of algorithms of advanced Internet search systems, which may generate the risk of interference and influence of Internet search engine technology companies on search results and thus shaping the general social awareness of citizens on specific topics.
What is your opinion on this issue?
Please answer,
I invite everyone to join the discussion,
Thank you very much,
Best regards,
Dariusz Prokopowicz
  • asked a question related to Genetic Algorithm
Question
5 answers
Hello experts
I am dealing with an optimization problem in which the algorithm will choose the section of the column (RC structure) between a lower and an upper bound (e.g., LB and UB).
How can I ask the algorithm to change the cross section if the condition of the period isn't satisfied?
N.B: the period value is retrieved from the sap2000 software using the API, and it has no relation with the design variables to be set as a constriant.
Any one knows how to do it please?
Relevant answer
Answer
If I understand correctly, one section represents a single solution, and if the period isn't satisfied, then the solution isn't feasible. Typically when we know a solution isn't feasible, we generate new ones until the condition is met. So when generating new solutions or when the decision variables change, you have to evaluate the period, and if the solution isn't feasible, you generate a new one. Only when the solution is feasible, then you call the objective function. You have to keep in mind that if a lot of the decision space isn't feasible (a lot of solutions don't satisfy the period), the algorithm isn't going to work very well. If some solutions violate the period more than others, then the period can be made as a constraint. You can do this by adding a constraint to the solution, which is evaluated by calling the API, which returns the period. So when you evaluate the solution, you also call the API, which will "calculate" the constraint called period.
  • asked a question related to Genetic Algorithm
Question
4 answers
Hi everyone,
I am a Ph.D. student and I am working on the production scheduling of an open-pit mine by genetic algorithm, and I have a problem with converting infeasible sequencing to a feasible one, so I need someone to help me. how can I create a normalized plan based on a completely random solution? on the other hand, how can I change the time periods that are assigned to genes of the chromosomes or all blocks of the ultimate pit?
I don't know any normalization method for obtaining a feasible sequencing plan, and I studied some papers related to it, but the normalization methods the authors used, have not been stated in detail! because when it is assigned a time period to blocks, there is any rule to regard the condition of 45 degrees on slopes!!!
I want to explain more about the MATLAB code I wrote. Precedence constraints (These constraints ensure that a block can only be extracted during some time period t if all of its predecessor blocks have been mined completely before or during time period t) are not true, I think because when I import the results into Surpac software, the extraction of blocks and sequencing of them seems like strip mining regardless of 45 degrees on slopes and instead of formation of inverse cones! I don't know how can I implement the normalization process you mentioned above?!
I attach an output file of MATLAB so you can see.
Thank you in advance
Relevant answer
Answer
I greatly appreciate you for offering your valuable suggestions.
wishing you all the best!
  • asked a question related to Genetic Algorithm
Question
4 answers
Please I need help me with some open research problems in genetic algorithm relative to computer vision.
Relevant answer
Answer
Ummar Shehu Here are a few areas where GAs can be explored in the context of computer vision:
1. Feature selection and extraction: Genetic algorithms can be used to optimize the selection and extraction of relevant features from visual data. This involves finding the most discriminative and informative features that contribute to accurate computer vision tasks such as object recognition, image segmentation, or facial recognition.
2. Object tracking and detection: Genetic algorithms can aid in developing efficient and robust algorithms for object tracking and detection in video sequences. The challenge lies in designing GA-based methods that can handle occlusions, variations in scale, complex background clutter, and multiple object tracking scenarios.
3. Image registration: Genetic algorithms can assist in solving image registration problems, where the goal is to align multiple images taken from different viewpoints, time frames, or modalities. Efficient registration methods are crucial for tasks such as medical image analysis, 3D reconstruction, and motion estimation.
4. Optimal camera placement: Genetic algorithms can be utilized to optimize camera placement in computer vision systems. By considering various factors such as field of view, occlusions, and resolution requirements, GAs can help determine the optimal camera positions and orientations for achieving specific goals, such as surveillance, monitoring, or navigation.
5. Image synthesis and enhancement: Genetic algorithms can contribute to image synthesis and enhancement tasks, such as super-resolution, de-noising, or image inpainting. GAs can explore the space of possible solutions to generate high-quality images or to recover missing or corrupted parts of an image.
6. Deep learning model optimization: Genetic algorithms can be combined with deep learning techniques to optimize the architecture, hyperparameters, or training process of deep neural networks for computer vision tasks. This involves exploring the vast design space of deep learning models to improve their performance, efficiency, or interpretability.
These are just a few examples of research problems where genetic algorithms can be applied in the context of computer vision. It is important to note that each of these areas presents unique challenges and opportunities for further investigation and innovation.
When exploring these research problems, it is advisable to review the existing literature, identify current limitations, and propose novel approaches or adaptations of genetic algorithms that can address these challenges. Collaborating with other researchers in the field, attending conferences, and staying up to date with the latest advancements in both genetic algorithms and computer vision will also greatly contribute to your research endeavors.
I hope these suggestions provide you with a starting point for your exploration of genetic algorithms in relation to computer vision. If you have any specific questions or need further clarification, please feel free to ask. Good luck with your research!
  • asked a question related to Genetic Algorithm
Question
1 answer
Hello,
I am trying to build an (r,Q) inventory control model , to be implemented in a local manufacturing firm. In my model, r is identified by studying the demand trends and fitting normal distributions, while Q is identified by genetic algorithm minimising an inventory cost function.
Firstly the list of parts for re-order are first ideintified, after which a genetic algorithm co-optimises the batch sizes across all parts on re-order, considering factory capacity and demand constraints.
In my simulations, I find that the Q values suggested by my algorithm are realistic and in-line with what is required, however, it turns out that the model identifies all the parts which are less likely to be ordered by the production team.
Would anyone be able to shed any light on how to control this ?
Relevant answer
Answer
Dear Akhilnandh,
an (r,Q) model is a reorder point model, where r is the reorder point. When the inventory position of an item reaches r, the Q units are ordered. Thus, I don't understand what you mean when you say "Firstly the list of parts for re-order are first ideintified". In a (r,Q) policy the part to be re-ordered is the one that reaches the reorder point.
  • asked a question related to Genetic Algorithm
Question
6 answers
I am studying an article about implementation of genetic algorithm. I have uploaded the parameters for this implementation.
As I know, in roullete selection method, probability of selecting individuals is based on their cost function values. the more optimum individual has the higher probability of being selected. So, what is the meaning of selection probability here?
Here is the link to the article:
Relevant answer
Answer
here is the articles referring to GA using natural selection theory:
(1) (PDF) Genetic Algorithm Based on Natural Selection Theory for Optimization Problems (researchgate.net)
(2) (PDF) Genetic Algorithm Optimization by Natural Selection (researchgate.net)
although I have studied already this article completely, I could not still understand where selection probability term is used in this approach.
Thank you
  • asked a question related to Genetic Algorithm
Question
2 answers
Dear All,
Could you please inform regarding software for the metaheuristic algorithms that are compatible with Ms. Excel (add-ins) and free (or not).
a) Genetic algorithm (GA) = ???
b) Particle swarm-optimization (PSO) = ???
c) Bee colony optimization (BCO) = ???
d) etc..
Relevant answer
Answer
Hi Sure, This method may help you
a) Genetic Algorithm (GA):
  • Solver in Excel: Microsoft Excel has a built-in solver add-in that can be used to solve optimization problems, including genetic algorithms. It allows you to define optimization variables, constraints, and objectives to find optimal or near-optimal solutions.
b) Particle Swarm Optimization (PSO):
  • PSO Excel VBA: PSO Excel VBA is a free add-in for Microsoft Excel that implements the Particle Swarm Optimization algorithm. It provides an intuitive interface to define optimization variables, constraints, and objectives, and offers various options to customize the PSO algorithm.
c) Bee Colony Optimization (BCO):
  • Bees Algorithm in Excel: Bees Algorithm in Excel is an add-in that implements the Bee Colony Optimization algorithm. It allows you to define optimization variables, constraints, and objectives, and provides several customization options. The add-in is free for academic and personal use.
d) Other Metaheuristic Algorithms:
  • Excel Solver with VBA: Microsoft Excel's built-in solver add-in, combined with Visual Basic for Applications (VBA), can be used to implement various metaheuristic algorithms like simulated annealing, tabu search, or ant colony optimization. With VBA, you can create custom macros and scripts to extend the capabilities of Excel's solver.
It's important to note that while these add-ins provide convenient interfaces for implementing metaheuristic algorithms within Excel, their functionalities and performance may vary. For more advanced or specialized applications, dedicated optimization software or programming languages like MATLAB, Python (with libraries such as DEAP or PyGMO), or R (with packages like GA or PSO) might be more suitable.
  • asked a question related to Genetic Algorithm
Question
2 answers
I have been searching for genetic algorithm a lot, But I could not understand necessity of using crossover and mutation simultaneously yet. In an online course, following paragraph was written:
crossover is an operation which drive the population towards a local maximum(or minimum). If we use only crossover, it will yield approximately the same result as hill-climbing algorithm!!!mutation is a so-called divergence operation force one or more individuals of the population to discover other regions of the search space. So, this is essential in order to find the global optimum.
I can not understand it easily, especially because in metaheuristic algorithms, we must cope with somehow statistical-based optimization. Moreover, I had implemented GA in python and still can not realize the performance difference between these two parameters.
Relevant answer
Answer
There are two concepts related to optimization.
1) Exploration
2) Exploitation
Through crossover you are exploiting (mostly) or searching solution within the found solutions i.e. new chromosomes are formed using same values (genes) of the chromosomes. Whereas mutation can help to bring some more diversity in the population and can mutate a gene to any random point. Hence, mutation can introduce more diversity through exploration of other solutions rather than existing solutions.
  • asked a question related to Genetic Algorithm
Question
4 answers
Hi everyone,
I am a Ph.D. student and I am working on the production scheduling of an open-pit mine by genetic algorithm, and I have a problem with converting infeasible sequencing to a feasible one, so I need someone to help me. how can I create a normalized plan based on a completely random solution? on the other hand, how can I change the time periods that I assigned to genes of the chromosomes or all blocks of the ultimate pit? I don't know any normalization methods for obtaining a feasible sequencing, and I studied some papers related to it, but the normalization methods the authors used, have not been stated in detail!
I would appreciate your guidance and help, in advance!
Relevant answer
Answer
Technically, if your model is an Integer Programming model then you need an algorithm for finding a feasible solution.
If this is the case then this paper might help
A Simplicial Approach to the Determination of an Integer Point of a Simplex
Chuangyin Dang and Hans Van Maaren, Mathematics of Operations Research, Vol. 23, No. 2 (May, 1998), pp. 403-415
Good luck
  • asked a question related to Genetic Algorithm
Question
5 answers
Over the last few decades, there have been numerous metaheuristic optimization algorithms developed with varying inspiration sources. However, most of these metaheuristics have one or more weaknesses that affect their performances, for example:
  1. Trapped in a local optimum and are not able to escape.
  2. No trade-off between the exploration and exploitation potentials
  3. Poor exploitation.
  4. Poor exploration.
  5. Premature convergence.
  6. Slow convergence rate
  7. Computationally demanding
  8. Highly sensitive to the choice of control parameters
Metaheuristics are frequently improved by adding efficient mechanisms aimed at increasing their performance like opposition-based learning, chaotic function, etc. What are the best efficient mechanisms you suggest?
Relevant answer
Answer
In this article a highly complex optimization problem such as optimal power flow is computed through various metaheuristics with varied performance.
  • asked a question related to Genetic Algorithm
Question
3 answers
Dear friend:
To reduce feature dimension and improve the model performance in machine learning, I am using the genetic algorithm to chose the best 20 features form 100 feature subset. However, some feaures are presented more than one in a chromosome, what is the best method to deal with this issue?
Best wishes!
WangChao
Relevant answer
Answer
Genetic algorithms (GA) are optimization algorithms inspired by the natural process of evolution. They work by evolving a population of potential solutions to a problem through successive generations. Each individual in the population represents a potential solution, and their fitness is evaluated based on how well they solve the problem.
In a GA, a chromosome is a string of genes that represents a potential solution to the problem being solved. Each gene typically represents a feature or parameter that can be varied to improve the fitness of the solution. The chromosomes are then evaluated based on their fitness, and the fittest individuals are selected to produce the next generation of solutions.
When using a GA, it is possible for a gene to repeat within a chromosome. This can happen if the problem being solved has multiple features or parameters that are related and need to be optimized together. In this case, it may be beneficial to repeat certain genes to ensure that the related features are optimized together.
However, it is also possible for gene duplication to result in redundant or unnecessary features, which can increase the search space and make the optimization process more difficult. To address this issue, techniques such as crossover and mutation can be used to introduce diversity and prevent the population from getting stuck in local optima.
  • asked a question related to Genetic Algorithm
Question
4 answers
Hello experts
This question is shared with one of my research team.
We are dealing with an optimization problem in which the algorithm will choose the cross-section of the column (RC structure) between a lower and an upper bound (e.g., LB and UB).
We know that the obtained optimal values for the section can be for example 330mm.
Recently, we came across this phrase in a paper dealing with the same problem where the author stated that 'The column sections are square with dimensions of 250 mm × 250 mm to 1200 mm × 1200 mm, by a step of 50 mm'
Our concern is how to oblige the algorithm to choose 50mm for the next candidate within the design interval.
Anyone knows how to do it, please?
Relevant answer
Answer
To ensure that the optimization algorithm chooses a step size of 50mm within the design interval, you can incorporate a discretization constraint into the optimization problem. This constraint will restrict the possible values for the cross-section to a finite set of discrete values, with a fixed step size of 50mm.
One way to implement this constraint is to introduce a binary variable for each possible cross-section dimension, where the variable takes the value of 1 if that dimension is selected and 0 otherwise. Then, you can use a set of linear constraints to ensure that only one dimension is selected, and the selected dimension is a multiple of 50mm within the given design interval.
For example, if the design interval is [250mm, 1200mm], you can define the binary variable x_i for each possible dimension d_i within this interval, where d_i = 250mm + 50mm * (i-1) for i = 1, 2, ..., 19. Then, you can add the following set of constraints to the optimization problem:
  • Only one dimension can be selected: Sum(x_i) = 1
  • The selected dimension is within the design interval: Sum(d_i * x_i) >= LB and Sum(d_i * x_i) <= UB
  • The selected dimension is a multiple of 50mm: d_i * x_i = k * 50mm for some integer k
These constraints will ensure that the algorithm chooses a cross-section dimension within the given design interval, with a step size of 50mm, and only one dimension is selected. By adding this discretization constraint to the optimization problem, you can ensure that the algorithm will always choose the next candidate within the design interval with a step size of 50mm.
  • asked a question related to Genetic Algorithm
Question
5 answers
How should the learning algorithms contained in ChatGPT technology be improved so that the answers to questions generated by this form of artificial intelligence are free of factual errors and fictitious 'facts'?
How can ChatGPT technology be improved so that the answers provided by the artificial intelligence system are free of factual errors and inconsistent information?
The ChatGPT artificial intelligence technology generates answers to questions based on an outdated set of data and information downloaded from selected websites in 2021. In addition, the learning algorithms contained in ChatGPT technology are not perfect, which means that the answers to questions generated by this form of artificial intelligence may contain factual errors and a kind of fictitious 'facts'. A serious drawback of using this type of tool is that the ChatGPT-generated answers may contain serious factual errors. When people ask about something specific, they may receive an answer that is not factually correct. ChatGPT often answers questions eloquently, but often its answers may not relate to existing facts. ChatGPT can generate a kind of fictitious 'facts', i.e. the generated answers may contain stylistically, phraseologically, etc. correctly formulated sentences containing descriptions and characteristics of certain objects presented as real existing but not actually existing. In the future, a ChatGPT-type system will be refined and improved, which will be self-learning and self-improving in the analysis of large data sets and will take into account newly emerging data and information to generate answers to the questions asked without making numerous mistakes as is currently the case.
In view of the above, I address the following question to the esteemed community of scientists and researchers:
How should the learning algorithms contained in the ChatGPT technology be improved so that the answers generated by this form of artificial intelligence to the questions asked are free of factual errors and fictitious "facts"?
How can ChatGPT technology be improved so that the answers provided by the artificial intelligence system are free of factual errors and inconsistent information?
What do you think about this subject?
What is your opinion on this subject?
Please respond,
I invite you all to discuss,
Thank you very much,
Best regards,
Dariusz Prokopowicz
Relevant answer
Answer
Dear people,
“We live in a world of radical ignorance, and the marvel is that any kind of truth cuts through the noise,” says Proctor. Even though knowledge is ‘accessible’, it does not mean it is accessed, he warns…the knowledge people have often comes from faith or tradition, or propaganda, more than anywhere else.”
Is it a reality - how do you think?
he Turk, also known as the Mechanical Turk or Automaton Chess Player (German: Schachtürke, lit. 'chess Turk'; Hungarian: A Török), was a fraudulent chess-playing machine constructed in the late 18th century. From 1770 until its destruction by fire in 1854 it was exhibited by various owners as an automaton, though it was eventually revealed to be an elaborate hoax.[2] Constructed and unveiled in 1770 by Wolfgang von Kempelen (1734–1804) to impress Empress Maria Theresa of Austria, the mechanism appeared to be able to play a strong game of chess against a human opponent, as well as perform the knight's tour, a puzzle that requires the player to move a knight to occupy every square of a chessboard exactly once.
The Turk was in fact a mechanical illusion that allowed a human chess master hiding inside to operate the machine. With a skilled operator, the Turk won most of the games played during its demonstrations around Europe and the Americas for nearly 84 years, playing and defeating many challengers including statesmen such as Napoleon Bonaparte and Benjamin Franklin. The device was later purchased in 1804 and exhibited by Johann Nepomuk Mälzel. The chess masters who secretly operated it included Johann Allgaier, Boncourt, Aaron Alexandre, William Lewis, Jacques Mouret, and William Schlumberger, but the operators within the mechanism during Kempelen's original tour remain a mystery.
Who answers to users in large language model built on great human thoughts database?
Thinking?
  • asked a question related to Genetic Algorithm
Question
4 answers
How to use a genetic algorithm for optimizing the Artificial Neural Network model in R.
Relevant answer
Answer
The goal is to solve a diabetes classification problem using an Artificial Neural Network (ANN) optimized by a Genetic Algorithm, discovering the performance difference of different parameters of the ANN model and comparing this training method with additional optimizers like stochastic gradient descent, RMSprop, and Adam optimizer.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
6 answers
In genetic algorithms, if two parents are two graphs or two trees, instead of two sequences, then how to design the crossover operator?
Relevant answer
Answer
See what Google says "randomly swap it, or compose it out of two parts of two parental (sub)trees", where it = tree/ subtree.
Perhaps ChatGPT would provide you with even smarter guesses.
Technically, Fig. 3 and 4, next, show crossover and mutation.
  • asked a question related to Genetic Algorithm
Question
6 answers
How can I calculate ANOVA table for the quadratic model by Python?
I want to calculathe a table like the one I uploaded in the image.
Relevant answer
Answer
To calculate an ANOVA (Analysis of Variance) table for a quadratic model in Python, you can use the statsmodels library. Here is an example of how you can do this:
#################################
import statsmodels.api as sm
# Fit the quadratic model using OLS (Ordinary Least Squares)
model = sm.OLS.from_formula('y ~ x + np.power(x, 2)', data=df)
results = model.fit()
# Print the ANOVA table
print(sm.stats.anova_lm(results, typ=2))
#################################
In this example, df is a Pandas DataFrame that contains the variables y and x. The formula 'y ~ x + np.power(x, 2)' specifies that y is the dependent variable and x and x^2 are the independent variables. The from_formula() method is used to fit the model using OLS. The fit() method is then used to estimate the model parameters.
The anova_lm() function is used to calculate the ANOVA table for the model. The typ parameter specifies the type of ANOVA table to compute, with typ=2 corresponding to a Type II ANOVA table.
This code will print the ANOVA table to the console, with columns for the source of variance, degrees of freedom, sum of squares, mean squares, and F-statistic. You can also access the individual elements of the ANOVA table using the results object, for example:
#################################
# Print the F-statistic and p-value
print(results.fvalue)
print(results.f_pvalue)
#################################
I hope that helps
  • asked a question related to Genetic Algorithm
Question
2 answers
Few researches have stated that a multi population genetic algorithm avoids premature convergence as opposed to the conventional GA. Does multipopulation GA offer any other advantages over the single population GA? Also, is using a large population size for GA better than multipopulations?
Relevant answer
Answer
There is no theory about population size. In most cases, population size is determined experimentally. A bigger single population is not better than a group of populations.
  • asked a question related to Genetic Algorithm
Question
3 answers
I am trying to use the Genetic Algorithm to optimise the strategies for containing the spread of COVID-19. The strategies include (i) travel restrictions, (ii) lock-down, and (iii) wearing of nose masks. The model is formulated as an SEIR compartmentalized model.
I have spent a lot of time trying to learn how to do that using MATLAB but I have not succeeded.
I will be grateful if anyone can share their MATLAB codes with me.
Relevant answer
Answer
MATLAB documentation contains many examples on implementation. Please see this.
  • asked a question related to Genetic Algorithm
Question
3 answers
How to use genetic algorithm in predicting some values based on csv file
Relevant answer
Answer
Here is simple implementation of Genetic Algorithm. It is based on current best public solution https://www.kaggle.com/jazivxt/using-a-baseline.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
3 answers
Dear community,
I am planning on conducting a GWAS analysis with two groups of patients differing in binary characteristics. As this cohort naturally is very rare, our sample size is limited to a total of approximately 1500 participants (low number for GWAS). Therefore, we were thinking on studying associations between pre-selected genes that might be phenotypically relevant to our outcome. As there exist no pre-data/arrays that studied similiar outcomes in a different patient cohort, we need to identify regions of interest bioinformatically.
1) Do you know any tools that might help me harvest genetic information for known pathways involved in relevant cell-functions and allow me to downscale my number of SNPs whilst still preserving the exploratory character of the study design? e.g. overall thrombocyte function, endothelial cell function, immune function etc.
2) Alternatively: are there bioinformatic ways (AI etc.) that circumvent the problem of multiple testing in GWAS studies and would allow me to robustly explore my dataset for associations even at lower sample sizes (n < 1500 participants)?
Thank you very much in advance!
Kind regards,
Michael Eigenschink
Relevant answer
Answer
for the second part of your problem, you can try vcf2gwas pipeline, that is very easy to run as a docker image
  • asked a question related to Genetic Algorithm
Question
4 answers
i am using genetic algorithm. when i am testing its performance, i found my code doesn't work as it should be. when I am changing the weights from 1 to -1 (Maximize to minimize), my code shows the exact same results.
my code is as follows:
def train_evaluate(individual_solution):
x_bits = BitArray(individual_solution[0:4])
y_bits = BitArray(individual_solution[4:])
x = x_bits.uint
y = y_bits.uint
return x+y ,
population_size = 6
num_generations = 10
gene_length = 8
creator.create('FitnessMin', base.Fitness, weights = (-1.0,)) ## I only change this parameter
creator.create('Individual', list , fitness = creator.FitnessMin)
toolbox = base.Toolbox()
toolbox.register('binary', bernoulli.rvs, 0.5)
toolbox.register('individual', tools.initRepeat, creator.Individual, toolbox.binary, n = gene_length)
toolbox.register('population', tools.initRepeat, list , toolbox.individual)
toolbox.register('select', tools.selRoulette)
toolbox.register('mate', tools.cxOrdered)
toolbox.register('mutate', tools.mutShuffleIndexes, indpb = 0.2)
toolbox.register('evaluate', train_evaluate)
population = toolbox.population(n = population_size)
r, log = algorithms.eaSimple(population, toolbox, cxpb = 0.4, mutpb = 0.1, ngen = num_generations, verbose = False)
tools.selBest(population,k = 1)
when I test weights = (1, )
the result is: [[1, 1, 1, 1, 1, 1, 1, 1]]
when I test weights = (-1, )
the result is: [[1, 1, 1, 1, 1, 1, 1, 1]]
great thanks if you could kindly help me.
  • asked a question related to Genetic Algorithm
Question
4 answers
Hello,
I found this approach -the per-node approach- in a paper recently published, in which the author tried to describe a new way to tick a behaviour tree instead of using the conventional approach, in order to evolve a behaviour for an agent (game agent) using genetic programming.
I would like to discuss this approach and how it works deeply.
If anyone could share any idea about this, it will be more productive.
Thank you.
Relevant answer
  • asked a question related to Genetic Algorithm
Question
7 answers
In his name is the judge
Hi
There is a fuzzy logic control system in python. The system contain 2 inouts and 18 outputs.
inference of system is mamdani and shape function used to be guassian.
Then in term of refine performance of the controller I need to optimize specifications belong to shape functions of both input and output. In order to that I need to use multi objective optimization.
We have 2 input and 1 output in case of this problem. I have developed 3 shape functions for each entrance and 3 for output and the shape function is gaussian so we have 18 parameters totally.
I defined my problem as a function in python. But notice this I there is not any clear relationship between input and output of function. It’s just a function which is so complicated with 2 inputs and 18 outputs.
I made my decision to use NSGAII algorithm and I really don't want to change the algorithm.
So I try every way to optimize my function but I didn’t find any success. By searching about python library which can do multiobjective optimization I find Pymoo as the best solution but I really failed to optimize my function which is complicated custom function, with it.
So It’s really my pleasure if you can introduce me a library in python or suggest me a way that I can use Pymoo in order to this aim.
wish you best
Take refuge in the right.
Relevant answer
Answer
You can stick with Mamdani Fuzzy System if it is comfortable for you to design a "workable" FIS. You probably don't need optimization if your FIS works satisfactorily. From the "workable" FIS to the "satisfactory" FIS, you probably just need make minor adjustment to the design parameters. That's the Spirit of Engineering Design.
  • asked a question related to Genetic Algorithm
Question
1 answer
Hello,
I'm working with a large number of L*a*b* colour points from ceramic samples, and I'm interested in reconstructing possible spectrums that could have made those colours. There's more than one possibility, of course, but my plan was to use a genetic algorithm approach to find several answers at a distance from each other to set out the solution space. The better candidates are all positive, and reasonably smooth as I'm dealing with natural clays, not sharply pigments goods.
The problem is that I'm currently unable to get closer than about 3units to the target colour, and often no closer than 10-15 units. This could be for the following reasons, is there anything else I've missed?
1) Solution space pixelation - I'm working with 5nm wide bands, so there are only 81 bands in the spectrum, only a fraction of which matter for the specific colour, and it's possible that there's no close solution at this resolution
2) many local maximas - it's possible the solution space is very unsmooth, and the algorithm is latching onto the 'wrong' one too early. The evidence for this is that runs frequently 'lock' quite early on, but repeated runs give different results.
3) something else...
Relevant answer
Answer
What you need is 'CIE Standard Observer Colorimetry'. There are many good publications and books available under the above tag.
Regards David
  • asked a question related to Genetic Algorithm
Question
11 answers
Hi,
What is the different between 'fitness function score' with 'objective function value'? If it is different, how we define the score? I use single objective GA run using Matlab optimization tool. I only have bounds for my variables. Thank you
Relevant answer
Answer
Why is " survival of the fittest"qouted if low-fitted features are selected to make fitness and objective functions the same?
  • asked a question related to Genetic Algorithm
Question
9 answers
Although the genetic algorithm is very helpful to find a good solution, it is very time-consuming. I've recently read an article in which the authors used the genetic algorithm for pruning a neural network on a very small dataset. They pruned a third of their network and reduces the size of the model from 90MG to 60MG. Their pruning also decreased the inference time of their model by around 0.5 seconds. Although, unlike other methods, pruning using the genetic algorithm does not deteriorate their model's performance, finding redundant parts of the network using the genetic algorithm is an overhead. I wonder why they think their method is useful and why people still use the genetic algorithm.
Relevant answer
Answer
Genetic algorithms have the several characteristics over others such as , (1) Natural selection and natural genetics are at the heart of the Genetic Algorithm. -(2)These are simple to comprehend and use. -(3) These are frequently encountered in optimization issues. (4)These are based on a population of points rather than a single point. -(5) Instead of deterministic rules, these utilize probabilistic transition rules. -(6)Genetic algorithms can handle a large number of variables efficiently. - (7)No derivative information is required for these methods. -(8)These are more successful when dealing with complicated difficulties than when dealing with basic problems.
  • asked a question related to Genetic Algorithm
Question
2 answers
I want to use pyomo to model MILP problems in python such as Green Vehicle Routing Problem and others but use metaheuristics algorithms (GA, Harmony search, etc.) to solve those problems instead of using pyomo solvers, its part of my phd project and can not use derivative-based solvers at all; If the answer that I can not, what is the alternative to model the problems in python then solve them with metaheuristics algorithms because i found pyomo easy and time saving to be used in formulating the problems.
  • asked a question related to Genetic Algorithm
Question
5 answers
Hi,
How can we prove the results of the GA that are optimised, in other words, are there criteria or measures to determine the best results (optimize results).
regards
Relevant answer
Answer
Hi, When the search space is wide, the genetic algorithm may converge to the optimal value very late or suffer from the problem of local optimality. One of the ways to solve this problem is the use of local optimal search methods, which seems that, for example, the use of SA may be able to improve the optimal value.
  • asked a question related to Genetic Algorithm
Question
4 answers
MATLAB optimization tool box. nothing mentioned in the matlab documentation.
Relevant answer
Answer
Crossover is a genetic operator used to vary the programming of a chromosome or chromosomes from one generation to the next. Crossover is sexual reproduction. Two strings are picked from the mating pool at random to crossover in order to produce superior offspring. The method chosen depends on the Encoding Method.
  • asked a question related to Genetic Algorithm
Question
1 answer
Need to know the procedure of implementation as various options are available in CST for optimization.
Relevant answer
Answer
Hello,
Few papers are attached for your help.
Thanks,
  • asked a question related to Genetic Algorithm
Question
1 answer
I have studied in research paper adaptive genetic algorithm, adaptive firefly algorithm but the clear description is not available in those research papers. Plz help me so that I can clarify this and why it is used ?
Relevant answer
Answer
Normally, an adaptive controller is designed based on one of the available techniques. Each technique is originally designed for a specific class of dynamic system. The controller is then adjusted as data are collected during run time to extend its effectiveness to control a large class of dynamic systems.
  • asked a question related to Genetic Algorithm
Question
3 answers
Is there an index that includes the mixing index and pressure drop for micromixers?
For example, for heat exchangers and heat sinks, there is an index that includes heat transfer performance and hydraulic performance, which is presented below:
η=(Nu/Nub)/(f/fb)1/3
The purpose of these indexes is to create a general criterion to check the devices' overall performance and investigate the parameters' impact.
Is there an index that includes mixing performance and hydraulic performance for micromixers?
Relevant answer
Answer
Dear
Rani P Ramachandran
Thank you for your answer. I think mixing energy cost (MEC) is the index that I look for it.
  • asked a question related to Genetic Algorithm
Question
2 answers
Hello,
When I should use memetic algorithm rather than genetic algorithm?
Best Regards,
Relevant answer
Answer
There is no straightforward answer to this question. A memetic algorithm is just an extension of a genetic algorithm. It uses local search to reduce the likelihood of premature convergence. But according to the No Free Lunch theorem, there is no single best optimization algorithm, so this doesn't necessarily mean it is better. The best way is to check papers with problems similar to the ones you want to solve and then pick the one that performs better. But I wouldn't limit myself to only these two algorithms. Take the one that is best suited for the given problem. Here are some papers comparing a Memetic and a Genetic algorithm:
  • asked a question related to Genetic Algorithm
Question
8 answers
How does one optimize a set of data which is comprised of 3 input variables and 1 output variable (numerical variables) using a Genetic Algorithm? and also how can I create a fitness function? How is a population selected in this form of data? What will the GA result look like, will it be in a form of 3 inputs and 1 output?
I do understand how the GA works, however, I am confused about how to execute it with the form of data that I have.
My data is structured as follows, just for better understanding:
3 columns of Input data, and the fourth column of Output Data. (4 Columns and 31 rows) data. The 3 input variables are used to predict the fourth variable. I want to use GA to improve the prediction results.
Lastly, Can I use decimal numbers (E.g. 0.23 or 24.45); or I should always use whole numbers for chromosomes.
Relevant answer
Answer
Decide first whether you want to improve the features or parameters of an algorithm or both? When designing your chromosome in terms of features You must first create a population of candidates that you can do randomly .... On some chromosomes you may want to turn off some features or on some features you can use 1 or 0 for this. Zero to indicate an added feature and to exclude a feature from a given set. In the case of parameters, the value of the chromosome can be a decimal point in the given range.
  • asked a question related to Genetic Algorithm
Question
2 answers
I have running GA optimization using "gamultiobj" in Matlab. The upper bound and lower bound of my design variables are like [10 30 175 1] and [30 60 225 3]. But after convergence, I see the design variables (like all of them) near 20,47,175 and 1. I am not getting a Pareto Front. What could be the possible reasons for that?
Relevant answer
Answer
Can you please elaborate on your objective functions?
  • asked a question related to Genetic Algorithm
Question
1 answer
how genetic algorithm fittness function calculated for botnet attack detection?
Relevant answer
Answer
A Decision Tree-Aware Genetic Algorithm for Botnet Detection
Please consider the above links
  • asked a question related to Genetic Algorithm
Question
4 answers
I already saw some examples of GA (genetic algorithm) applications to tune PID parameters, but I (until now) don't know a way to define the bounds. The bounds are always presented in manuscripts, but they appear without great explanations. I suspect that they are obtained in empirical methods.
Could Anyone recommend me research?
Relevant answer
Dear Italo,
In general, the bounds selection is made empirically because the "suitable range" of a PID controller is problem-dependent. The way I use to select the bounds is: 1. I tune a PID controller that produces a stable response to the closed-loop system. Then, 2. I choose a range around this "nominal" value large enough such that the GA has still some degree of freedom to search in the optimization space. Finally, 3. if the GA converges, I start decreasing/increasing this range till I got a more or less good behavior of the GA, i.e., the GA doesn't stick in a sub-optimal minimum or so.
If you want to use a more rigorous approach, I would suggest computing the set of all stabilizing PID controllers for the particular system. Then, I would establish the bounds for the GA search space to be the this computed set. In that way, you would search for the optimal controller only within those producing a stable closed-loop response.
Best,
Jorge
  • asked a question related to Genetic Algorithm
Question
4 answers
Assuming, I have a number of vectors where each item in the vector is a real number. I was to generate some vectors from those initials ones and add them to the collection of initial vectors. This was I can have a initial population of increased size. What are some ways to do this?
Relevant answer
  • asked a question related to Genetic Algorithm
Question
4 answers
Dear all,
according to [1], QGA are more efficient than GA (genetic algorithms), and according to [2] PSO is better than GA. Do you know if there are papers that do the comparison between PSO and QGA ?
Thank you
[1] - Z.Laboudi (2012) - Comparison of Genetic Algorithm and Quantum Genetic Algorithm
[2] - F D Wihartiko (2017) - Performance comparison of genetic algorithms and particle swarm optimization for model integer programming bus
time tabling problem
  • asked a question related to Genetic Algorithm
Question
1 answer
Dear Members
I had recently gone through a sample program code (in MATLAB) corresponding to Pareto GA in Appendix II (Program 4, Page: 219) of the book PRACTICAL GENETIC ALGORITHMS by Haupt. However, I failed to understand the Niching strategy employed in the program code. Also, kindly explain the Pareto dominance tournaments that have been employed or used for mate selection in the example provided in the book. The flow diagram for Pareto GA delineated in Figure 5.2 of the book, mentions an increase in the cost of closely located chromosomes. But the code apparently contains no such steps. Kindly explain the anomaly.
Relevant answer
Answer
If there is no layout available, nexttile creates one. Create a Pareto chart by passing the axes to the pareto function as the first argument. Call the nexttile function to add a second axes object to the layout. Then create a second Pareto chart.
  • asked a question related to Genetic Algorithm
Question
4 answers
hello!
how i can use the Neural network fitness function i.e., after simulation the value we get basically in terms of MSE(mean squared error). so can you tell me how we this MSE as fitness function in Genetic Algorithm in order to minimize the MSE for better neural netwrok model.
Relevant answer
Answer
Look the link, maybe useful.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
6 answers
hello!
can anyone tell me how i can integrate the neural network and genetic algorithm. i have a simple real coded genetic algorith where i need to use the neural network. please help me on thia. my code is in matlab. if some one provide me the code
Relevant answer
Answer
Look the link, maybe useful.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
4 answers
genetic algorithm MATLAB code
Relevant answer
Answer
Look the link, maybe useful.
Regards,
Shafagat
  • asked a question related to Genetic Algorithm
Question
4 answers
How can I get a MATLAB code for solving multi objective transportation problem and traveling sales man problem?
Relevant answer
Answer
The link that Mohamed-Mourad Lafifi mentioned is useful. In addition, to finding code kindly check GitHub:
  • asked a question related to Genetic Algorithm
Question
8 answers
Here, I have implemented my genetic algorithm with combining two crossover operators i.e..(PMX,OX). After running the algorithm I am getting same fitness values as output from staring generation to ending generation. There is no change Is it correct.? please can anyone answer
Best regards
Anna
Relevant answer
Answer
Nabil Boumedine I used initially ordered crossover of genetic algorithm for solving tsp problem
after generating new offspring (a,b) with ordered crossover.  After that I used a,b as new parents for partially mapped crossover to produce another new offspring i.e(c,d).
So here c, d acts as another parent to apply uniform crossover to produce another new offspring. This will be done on one algorithm
def crossovers(self, p1, p2, r_cross):
off1 = self.ordered_crossover(p1, p2, r_cross)
off2 = self.ordered_crossover(p2, p1, r_cross)
#print(off1, off2)
Off1 = self.partially_mapped(off1[0], off2[0],r_cross)
Off2 = self.partially_mapped(off2[0], off1[0],r_cross)
#print(Off1,Off2)
off3 = self.uniform(Off1[0], Off1[1],1)
off4 = self.unifrom(Off2[1], Off2[0],1)
return [off3, off4]
couuld you tell for above theory , is this code is correct
  • asked a question related to Genetic Algorithm
Question
10 answers
Hii,
I have implemented genetic algorithm with partially mapped crossover for solving tsp. Here I'm using different random.seed vlaues(24,42,72,112). When I run the algorithm , can I get the same graph with different seed values without changing the parameters but city co-ordinates are randomly generated.
Please can anyone answer..
best regards
Annapareddy
  • asked a question related to Genetic Algorithm
Question
8 answers
Hello all, I am new to image processing.... I want to detect edges from an image. When I searched on detecting edges in images I came across about edge detection using genetic algorithms. Where I find the chromosomes and find fitness function for crossover and mutation process. Also, they say that chromosomes are binary array. I am finding it difficult to understand how can we find binary arrays from an image and picking that as a chromosomes or do we have any methods to find chromosomes from an image. Please help me...any help is appreciated.
Relevant answer
Answer
1.Taking gray levels of histogram of an image in an array u can create a chromosome.
2. Taking coordinate (i, j) and amplitude of pixels in an array u can do it.
Generate an expression including statistical parameters and features of image as the fitness function.
  • asked a question related to Genetic Algorithm
Question
6 answers
Hii,
I have implemented genetic algorithm with partially mapped and ordered crossover for solving tsp.
In partially mapped crossover, I have taken 100 generations, when I run the algorithm the best solution is getting of 20th generation. from 20th generations onwards the solution is constant until last generation( 100). may I know the error . Please acn anyone suggest the error.?
Thank you
Relevant answer
Answer
I need help for this code. How can add getters and setters for this class city method : please
import math
class City:
def __init__(self, x, y):#initializing the cities
self.x = x
self.y = y
def dist(self, city):#calculate distance betwwen 2 cities
dx = abs(self.x - city.x)#mising getter and setters methods cant access
dy = abs(self.y - city.y)
return math.sqrt(dx ** 2 + dy ** 2)
def __repr__(self):#
return 'City : x:' + str(self.x) + ', y:' + str(self.y)
  • asked a question related to Genetic Algorithm
Question
4 answers
genetic algorithm
Relevant answer
Answer
thank you
  • asked a question related to Genetic Algorithm
Question
5 answers
Define attributes suitable for comparison of both algorithms?
Genetic algorithm with tabu search OR Genetic algorithm with simulated annealing ?
Relevant answer
Mahnoor Iftekhar In my opinion, you must examine both algorithms in your problems, then select which one is the best.
  • asked a question related to Genetic Algorithm
Question
12 answers
I am using an evolutionary-based GA optimisation tool that divides the space of possibilities into subsets to perform hypercube sampling within each subset, and thereafter generates multiple generation of results, the best of which will form the Pareto front and through each iteration move closer to the global optimum. However is it possible that through the process of hypercube sampling (and hence disregarding some options) , this tool might miss a true global optimum?
Relevant answer
Answer
this is a natural thing in mathematics there is no perfect solution especially the no linear problem, and most metaH utilized in the no linear problem, so you need always to expect and accept that fact, and keep improving the study of the metaH
  • asked a question related to Genetic Algorithm
Question
4 answers
While working in both the software, after loading the training and validation data for the prediction of a single output using several input variables (say 10), it skips some of the inputs and delivered an explicit mathematical equation for future prediction of the specific parameter but it skips some of the input variables (say 2 or 3 or maybe greater). What criteria are these software uses in the back for picking the most influential parameters while providing a mathematical predictive model?
Relevant answer
Answer
First of all, was the fitness (error) zero (0) at the end of the evolution?
If yes, it means that the skipped variables are not important for the data being analyzed.
If not, it can either mean that some variables are not important or that the evolution is stuck in a local optimum.
Note, that for real-world data, it is unlikely to obtain fitness 0 because of noise or other imperfections (in data collection or measurement).
regards,
Mihai
  • asked a question related to Genetic Algorithm
Question
6 answers
Hello everyone,
Could you recommend papers, books or websites about mathematical foundations of artificial intelligence?
Thank you for your attention and valuable support.
Regards,
Cecilia-Irene Loeza-Mejía
Relevant answer