A Fuzzy Parallel Island Model Multi Objective Genetic Algorithm Gene Feature Selection For Microarray Classification.

Size: px
Start display at page:

Download "A Fuzzy Parallel Island Model Multi Objective Genetic Algorithm Gene Feature Selection For Microarray Classification."

Transcription

1 A Fuzzy Parallel Island Model Multi Objective Genetic Algorithm Gene Feature Selection For Microarray Classification. A. Natarajan Assistant Professor, Department of Information Technology, Jayaraj Annapackiam CSI College of Engg, Nazareth, Tamilnadu, India. Dr. R. Balasubramanian Professor and Head, Department of Computer Science and Engineering, M.S University, Tirunelveli, Tamilnadu, India. Abstract: Gene feature selection is necessary for microarray based cancer classification. The high performance parallel computing is used for gene expression analysis and finding the thousands of genes simultaneously. The selection of good genes will give a good classification result. The microarray data analysis is very much important to extract biologically useful data from the huge amount of expression data to know the current state of the cell.the main objective of this paper is to increase the classification accuracy and reduce the computing time. In this paper we propose a FPIMMOGA feature selection for identifying the best features and the best solution is evaluated by parallel version of SVM Classifier. Our breast cancer data is also experimented with the existing feature selections methods and evaluated by different data mining classifiers. Keywords: Microarray, Fuzzy logic, Multiobjective Genetic Algorithm, Gene Feature selection, Island model, parallel GA. Introduction DNA microarray experiments play a very important role in cancer classification and prediction. The microarray technology has been used in many cancer researches. The analysis of the large volumes of data generated under different experimental conditions is important and it requires advanced knowledge discovery methods. Many data mining techniques [20] have been proposed to analyze microarray data [21]. Feature Selection (FS) is a very important task in data mining for cancer classification with the goal of identifying very important features subsets in a microarray data. It is one of the most key problems in the field of machine learning. The classification and validation of molecular biomarkers for cancer diagnosis is an important problem in cancer genomics. The selection of candidate genes is very crucial to identify accurately the origin of cancer, its treatment and diagnosis too. With the appearance and fast development of DNA microarray technologies, making gene expression profiles for different cancer types has already become a hopeful means for cancer classification. Genetic algorithms (GAs) [6], a form of inductive learning strategies are adaptive search techniques initially introduced by Holland (Holland, 1975). Genetic Algorithms are inspired from Darwin s theory of evolution. By simulating nature evolution and emulating biological selection and reproduction techniques, the GA can solve complex problems in a strong search domain. The algorithm starts with a set of randomly generated solutions called population. The population size remains constant throughout the genetic algorithm. At each iteration the populations are evaluated based on their fitness quality with respect to the given application domain to form new solutions called offspring which retains many features of their parents. Offsprings are formed by two main genetic algorithm operators such as crossover and mutation. Crossover operates by randomly selecting a point in the two selected parent gene structures and exchanging the remaining segments of the parents to create new offspring. Therefore, crossover combines the features of two individuals to create two similar offspring. Mutation operates by randomly changing one or more components of a selected individual. It acts as a population perturbation operator and is a means for inserting new information into the population. This operator prevents any stagnation that might occur during the search process. In this paper we propose fuzzy logic based preprocessing technique to reduce the redundant information and grouping the similar genes from large amount of microarray data. The propose Parallel Island Model GA is implemented for gene feature selection process. Our propose feature selection algorithm is implemented based on multi objective genetic algorithm. This uses a different operator called multi objective operator. Multi objective aspect is defined to find the pareto optimal solutions for ranking. Since the search space is large and requires a good diversity, island model has been proposed. Finally the Fuzzy Based Parallel Island Model GA has been implemented by using parallelization tool [15] Open MP.This FPIMMOGA is used to progress the gene subsets and whose fitness is calculated by parallel version of SVM classifier.figure 1 shows the process of the work. 2761

2 serial programming is used for classification which slows down the computational speed. Proposed Method Microarray Data preprocessing by using Fuzzy Logic: Fuzzy logic groups the similar genes and reduces the large dimension of the data. It consists of four steps. In the first step gene expression levels are converted into Gaussian representational fuzzy subsets. In the second step fuzzy similarity of genes are accessed by the cosine amplitude method. Similarity matrices are made which is then converted by different composition to a matrixof fuzzy equivalence relation. In the third step groups of similar genes that correspond to fuzzy equivalent classes of genes are obtained by using α cuts with decreasing value of α.in the fourth step we select one gene randomly as the representation of the group and the others are ignored. By applying this method to the data set of genes for breast cancer data set is reduced to 8280 genes. Figure 1: The General Process of work. Related Work Soumen Kumar Patel, at el [16] has explained a novel feature selection method which was based on Multiobjective Genetic Algorithm using rough set theory. This method proposed to choose an important informative gene set, which classify the cancer dataset very efficiently. This method has been used two fitness functions individually based on the concepts of strong mathematics such as rough set theory and probability theory. The lack of diversity of the population is overcome by jumping gene mutation. The only drawback of this method is that the population size can be set within the range 100 to 1000 only. Asha Gowda Karegowda [2] has proposed a wrapper approach with genetic algorithm for generation of subset of attributes with different classifiers such as Naïve Bayes, Bayes Networks,C4.5 and Radial basis functions. The above classifiers are experimented on the Diabetes datasets, Breast cancer datasets, Heart Statlog and Wisconsin Breast cancer. The main disadvantage of this approach is that the computing time is very high for the large data sets. In 2009, QingzhongLiu, Andrew H. Sung [14] has proposed a new feature selection method called Recursive Feature Addition method on microarray based breast cancer data. The RFA gene feature selection method provides good classification accuracy than the other methods. In this method, The Island Model Genetic Algorithm Operators for generating Population: Our proposed FPIMMOGA is implemented for selecting the most important genes from the breast cancer data set. The population generation is defined in GA by two operators [11]- Crossover and Mutation. The Crossover operator has two versions 1. Crossover by Exchanging Values 2.Crossover by Inserting Values. The crossover operator mixes the features of two rules by the combination of their attributes. In our proposed work, crossover operators can be defined as: 1. Crossover by Exchanging values. If two rules X and Y have one or several common attribute(s) in their C parts, one common attribute is randomly selected. The value of the selected attribute in X is exchanged with its counterpart in Y (Fig. 2). Figure 2: Crossover by exchanging value 2. Crossover by Inserting values. Conversely, if X and Y have no common attribute, one term is randomly selected in the C part of X and inserted in Y with a probability inversely proportional to the length of Y. The related operation has performed to insert one term of Y in X (Fig.3). 2762

3 replacement strategy. Figure 4 presents the Multiobjective Genetic Algorithm scheme. Figure 3: Crossover by insertion of attributes Mutation is a genetic algorithm operator. This operator changes at random the value of a gene in a newly created individual. The population mutation rate used is very small, in the order of one mutation per thousand genes transfer. Thus mutation is considered to be a secondary mechanism of genetic algorithms. It is still used to introduce new solutions into the population and to protect the algorithm from premature loss of important genetic material by reintroduction of genes. Genetic algorithm has four mutation operators 1.Value mutation operator 2.Attribute mutation 3.Insertion operator 4.Delete operator. In this research work, we proposed adaptive strategy for calculating the rate of application of each mutation. We compute the new rate of mutation by calculating the progress of the jth application of mutation M i for an individual mutated into an individual mutation as follows: Progress j (M i ) = Max(fitness(ind, fitness(mut)) fitness(ind)) (1) Then, for each mutation operator M i, assume Nb_mut(M i ) applications of the mutation are done during a given generation ( j = 1,..., Nb_mut(M i )). Then, we can compute the profit of a mutation M k Profit(M k ) = j Progress j (M k ) / Nb_mut(M k ) (2) i ( j Progress j (M i ) / Nb_mut(M i ) We set a minimum rate δ and a global mutation rate p mutation for N mutation operators. The new mutation ratio for each M i is calculated using the following formula [8]: p(m i ) = Profit(M i ) (p mutation-n ᵟ) + ᵟ (3) The sum of all the mutations is equal to the global rate of mutation p mutation. The initial rate of application of each mutation operator is set to p mutation / N. Multi Objective Genetic Algorithm In the Single Objective Genetic algorithm, the classification accuracy is low and the time taken is very high using serial computing. To overcome this problem, we proposed PFIMMOGA that has been implemented in parallel computing. The population generation is one of basic step in multi-objective genetic algorithm applied here for dimension reduction. The population generation is derived by using the multiobjective optimization problem [19]. In a multi-objective optimization, all the solutions are best compromise. The best solutions encountered over generations are filed into a secondary population called the Pareto archive and the solutions can be selected from the Pareto archive during the production process. This method is called as elitism. The offspring solutions replace their parents according to the Figure 4: A Multi Objective GA Fuzzy Parallel Island Model Multi-Objective Genetic Algorithm The population generation is one of the basic step in parallel multi-objective genetic algorithm. The Parallel Genetic Algorithm [20] has been classified into three main models: global, fine cellular and island. The global model uses parallelism to speed up the Sequential GA. This model uses a global shared population and the fitness evaluation is done on different processors. The cellular model seeks to exploit the fine-gained, massively parallel architectures. The population is separated into a large number of very small subpopulations, which are maintained by different processors. In the island model, the population is divided into a few large independent subpopulations called islands. Each processor evolves their population using a parallel GA. For each island, some solutions rarely migrate to another island. We choose the island model for Parallel GA. Parallel Island Model: The island model is implemented in parallel programming and many islands are connected by using Fig.5. This model typically runs on a parallel multi-objective GA. In this, each processor is called an island with independent populations and Pareto archives (Fig.6). Each GA starts with its proper parameters such as population, parameters of GA. Periodically each island sends some solutions from its Pareto archive randomly selected to the neighboring island. The island model has the following steps: 1. Each island model creates its population. 2. Each model develops its population for a global number of generations and updates its archives for every generation. 3. Each island sends some solutions of its Pareto archive to the neighboring island according to the migration policy. 4. Finally, the island receives all the migrating solutions and replaces its worst solutions by those immigrants according to the ranking. At the end, a specific island waits for all the others to finish their execution and collects all the final Pareto archives to create the global Pareto archive. This island model has been 2763

4 implemented by using parallelization tools like Open MPI [1], [17]. preprocessing technique.the stopping criterion used is the no amelioration. Once the minimal number of generations has been over passed and after taking the best solution for all 10 generations, the iteration stops. The fig 7 shows the pseudo code for the Parallel Island Model. Island Model(E,N,µ) // overall population P of M = P individuals that is partioned into N subpopulations. begin Concurrently for each of the i 1 to N subpopulations Initialize(P i, µ) // For an even partition each subpopulation has µ =M/N individuals, but for generality Pi = µ so that each subpopulation might have a distinct size. P i is a initial subpopulation For epoch 1 to E do // The overall structure of the island model process comprises E major iterations called epochs Concurrently for each of the i 1 to N subpopulations do // During an epoch each subpopulation process independently executes a sequential evolutionary algorithm for Gi generations. Figure 5: Parallel Island model GA Figure 6: Island Model Parameters of GA for Breast cancer Data: Table 1: Fpimoga Parameters Of Gene Subset Selection S.No Parameters Values 1 Population Size Chromosome length No of Generations Crossover rate Mutation rate Elitism rate 10% 7 No of Generations 500 The above parameters in the table1are used in parallel island model GA for gene selection for the breast cancer. The input data used by this algorithm has normalized by fuzzy logic Sequential _GA(P i, G i) od; For i 1 to n do For each neighbour j of i Migration (P ip j) // After each epoch there is a communication phase during which individuals migrate between neighboring subpopulations Assimilate (Pi); // After each phase of migration each subpopulation must assimilate the migrants. This assimilation step is dependent on the details of the migration process od //loop termination od // loop termination Problem solution = best individual of all subpopulations // the size of each subpopulation remains the same after migration and the assimilation is simply a fitness recalculation 15.End Figure 7: Island Model Pseudo code The sequential GA has implemented using the following pseudo code which is shown in Fig 8. Sequential_GA (P i,,p j) / each subpopulation process executes a sequential evolutionary algorithm Begin For generation 1 to G i do P new Pᵩ // New population For offspring 1 to Max_offspring do P α selection (P i) // The selection strategy, which is responsible for choosing mates for the crossover procedure P β selection (P i) Pnew = pnew ʊ crossover (P α, P β ) // Two individuals are combined to create a single offspring 2764

5 Od // Loop termination Fitness_calculation(P i ʊ P new) // raw fitness function is calculated as the inverse of the objective function P i Reduction (P i ʊ P new)// The reduction strategy combines the current subpopulation with the newly created set of offspring, it then simply chooses the fittest individuals from the combined set to be the subpopulation in the next generation, thus keeping the subpopulation size constant. Mutation (P i); // The mutation operator performs random modifications on an individual, i.e. changes the routing solution randomly Fitness_calculation(P i) End Figure 8: Sequential GA Pseudo code The SVM Classification Support Vector Machines [18] are fundamentally binary classification algorithms.for linearly separable data, SVM computes the hyper plane that maximizes the margin between the training examples and the class boundary. For non linearly separable data the examples are mapped to a high dimensional space where such a separating hyper plane can be found. This mapping process mechanism is called the kernel function. In the domain of Microarray data SVM is one of the powerful good performance classifiers.svm can deal with great number of genes data, but researches prove that their performance is increased by reducing the number of genes. In our FPIMMOGA, we use a SVM classifier to assess the quality of a gene subset. For a chromosome x that correspond to a gene subset, we apply a Leave-One-Out Cross-Validation (LOOCV) method to compute the subset [13]. The LOOCV method means that one sample from the dataset is calculated as a test case while a SVM is trained on all the other samples, and this evaluation is repetitive for each sample. So the each chromosome x,fitness(x) = accuracysvm (x).one of the key elements of a SVM classifier concerns the choice of its kernel. Figure 9: Measured run time We carried out this experiment on publicly available microarray breast cancer datasets[15] available at Kent Ridge Bio-medical Data Set Repository ( existing feature selection methods are applied for this breast cancer data sets and classification accuracy are measured using Orange data mining and machine Learning tool[23].the feature selection methods[4],[9] like Novel Hybrid, Wrapper approach, Consistency Subset Selection (CON) [10], Correlated Feature Selection (CFS) [7], Single Objective Genetic Algorithm (SOGA) [8], Multi-Objective GA (MOGA) and the proposed Fuzzy Parallel Island model Multi Objective GA(FPIMMOGA) are applied on breast cancer data sets. It is then measured by various classification methods like Random Forest, K-NN, Classification tree, SVM,CN2 rules and Interactive Tree builder in Orange tool. Table 3: Classification Accuracy (%) of Breast Cancer Data Set Experiments Our proposed method has been implemented in Multi core processor environment[5]. The measured run times for 4,8,16,32 processors are shown in the Table 2 and Barchart.The best features have been taken from Fuzzy parallel island model GA gene feature selection method and the Parallel version of SVM classifier is used to evaluate the gene subsets. Table 2: Measured Run Time No of Processors Run time(h) Our proposed FPIMOGA feature selection method provides better classification accuracy than the other feature selection algorithm and the computing time is very less than the other methods. Table 3 shows the classification accuracy of various methods. The Cross-fold validation is used for measuring the classification accuracy in terms of time which is available at Orange tool and FPIMOGA is implemented by us. From Table 3 we observe that the proposed FPIMMOGA method is better than other methods in terms of time consuming, feature selection and classification accuracy. Our executing system consists of core i5 processor with NVIDIA [12] [24]Graphics processor running at 4 GHz clock frequency. 2765

6 Some statistical measurements like True Positive Rate, False Positive Rate of the classifiers are calculated using equation (4), (5). TPR = TP / P = TP / (TP+FN) (4) FPR = FP / N = FP / (P+TN) (5) Here the TP is positive object classified as positive, FP is positive object classified as negative, TN is negative object classified as negative and FN is negative object classified as positive. Fig 10 Show the classification accuracy of different classifiers. Figure 10: Classification Accuracy ROC Curve of Breast Cancer Data sets for Data mining classifiers. Figure 12: ROC Analyses for CN2 Classifier Figure 11: ROC Analyses for SVM Classifier Fig Figure 13: ROC Analysis for knn Classifier 2766

7 Figure 14: ROC Analysis for Classification Tree Figure 16: ROC Analysis for Random Forest Classifier Figure 15: ROC Analysis for ITB rules Classifier Figure 17: Proposed ROC for SVM 2767

8 Figure 18: Proposed ROC for RF Figure 20: Proposed ROC for CT Figure 19: Proposed ROC for knn Figure 21: Proposed ROC for ITB 2768

9 References Figure 22: Proposed ROC for CN2 Results The ROC curves visualized by orange data mining tool for the existing feature selection methods for different classifiers. It shows the classification performance of the different classifier. The proposed ROC curve is shown in Fig.16 to Fig 21. From the graph we observed that the true positive rate is better than the existing methods. Our proposed method curve indicates that the best features are taken and provides accurate classification performance on the breast cancer data set. Conclusion and Future Work We have done Fuzzy preprocessing technique for reducing the input data and implemented our FPIMMOGA using parallel programming (Open MP).The best features are selected in short time. The best identified gene subsets are evaluated by parallel version of SVM Classifier. Our method has given good classification accuracy than other methods. This method uses the island model for generating the best population. The multiple islands are implemented in parallel, which has significantly reduced the execution time in the process of best feature selection. In this work standard microarray breast cancer data sets are taken from Kent Ridge Biomedical Data Set Repository. In future Fuzzy Neural Network Next Generation Distributed Computing can be applied for Data management and Data analysis for speedy and accurate results. [1] August A.D., Chiou K.P.D, Sendag R., Yi J.J., (2010). Programming Multicores: Do Application Programmers Need to Write Explicitly Parallel Programs?, Computer Architecture Debates in IEEE MICRO, pp [2] Asha Gowda Karegowda, M.A.Jayaram, A.S. Manjunath, Feature Subset Selection Problem using Wrapper Approach in Supervised Learning, International Journal of Computer Applications 1(7):13 17, February [3] Alexandre Mendes,: Identification of Breast Cancer Subtypes Using Multiple Gene Expression Microarray Datasets,LNAI 7106,pp ,2011,Springer [4] Aboul Ella Hassaneian, Classification and feature selection of breast cancer data based on decision tree algorithm, Studies and Informatics Control,vol12, no1,march [5] Charles Severance,Kevin Dowd,: High Performance Computing,revised edition [6] Goldberg, D.E., Holland, J.H.: Genetic algorithms and machine learning. Machine Learning 3(2), (1988). [7] Hall, M.A.: Correlation-based feature selection for machine learning. Diss., The University of Waikato (1999) [8] Hong T.P,Wang H, and ChenH, Simultaneously applying multiple mutation operators in genetic algorithms, J. Heuristics, 6, (2000). [9] Kemal Polat, Seral Sahan, Halife Kodaz and Salih Günes, A New Classification Method for Breast Cancer Diagnosis: Feature Selection Artificial Immune Recognition System (FS-AIRS), In Proceedings of ICNC (2)'2005. pp.830~838. [10] Liu Yu, L.,H.: Efficient feature selection via analysis of relevance and redundancy. The Journal of Machine Learning Research 5, (2004) [11] Mohammed Khabzaoui, Clarisse Dhaenens, A Cooperative Genetic Algorithm for Knowledge Discovery in Microarray Experiments,Parallel Computing for Bioinformatics and computational Biology,2006 JohnWiley & Sons, Inc. [12] Oiso M., Matumura Y., (2011). Accelerating Steady-state genetic algorithms based on CUDA architecture,, in 2011 IEEE Congress on Evolutionary Computation, pp [13] Peng S, Ling, X. Peng, and Chen L. Molecular classification of cancer types from microarray data using the combination of genetic algorithms and support vector machines. FEBS Letter, 555(2): , [14] Qingzhong Liu,Andrew H. Sung,: Feature Selection and Classification of MAQC-II Breast Cancer and Multiple Myeloma Microarray Gene Expression Data [15] Quinn M. J. Parallel Programming in C with MPI and OpenMP, McGraw-Hill, NewYork,2004. [16] Soumen Kumar Patel, Asit Kumar,: Gene Selection Using Multi-objective Genetic Algorithm Integrating 2769

10 Cellular Automata and Rough Set Theory, SEMCCO 2013, Part II, LNCS 8298, pp , Springer International Publishing Switzerland [17] Umbarkar A. J., Joshi M. S. Dual Population Genetic Algorithm (GA) versus OpenMP GA for Multimodal Function Optimization.IJCA( ),64,2013. [18] V. N. Vapnik. Statistical Learning Theory. Wiley N.Y., [19] VanVeldhuizen D. A. and Lamont G, On Measuring Multiobjective Evolutionary Algorithm Performance, in In 2000 Congress on Evolutionary Computation, Piscataway, New Jersey, Vol. 1, July, 2000, pp [20] Witten, I., Frank, E.: Data Mining: Practical Machine Learning Tools and Techniques. Morgan Kaufmann, USA (2005) [21] Xiaosheng Wang1 and Osamu gotoh A Robust Gene selection Method for Microarray-based cancer Classification Cancer Informatics [22] Zdenek Konfrst : Parallel Genetic Algorithms: Advances, Computing Trends, Applications and Perspectives,In Proceedings of the 18th International Parallel and Distributed Processing Symposium (IPDPS 04),IEEE [23] [24]

A STUDY ON STATISTICAL BASED FEATURE SELECTION METHODS FOR CLASSIFICATION OF GENE MICROARRAY DATASET

A STUDY ON STATISTICAL BASED FEATURE SELECTION METHODS FOR CLASSIFICATION OF GENE MICROARRAY DATASET A STUDY ON STATISTICAL BASED FEATURE SELECTION METHODS FOR CLASSIFICATION OF GENE MICROARRAY DATASET 1 J.JEYACHIDRA, M.PUNITHAVALLI, 1 Research Scholar, Department of Computer Science and Applications,

More information

Gene Selection in Cancer Classification using PSO/SVM and GA/SVM Hybrid Algorithms

Gene Selection in Cancer Classification using PSO/SVM and GA/SVM Hybrid Algorithms Laboratoire d Informatique Fondamentale de Lille Gene Selection in Cancer Classification using PSO/SVM and GA/SVM Hybrid Algorithms Enrique Alba, José GarcíaNieto, Laetitia Jourdan and ElGhazali Talbi

More information

Computational Intelligence Lecture 20:Intorcution to Genetic Algorithm

Computational Intelligence Lecture 20:Intorcution to Genetic Algorithm Computational Intelligence Lecture 20:Intorcution to Genetic Algorithm Farzaneh Abdollahi Department of Electrical Engineering Amirkabir University of Technology Fall 2012 Farzaneh Abdollahi Computational

More information

GENETIC ALGORITHMS. Narra Priyanka. K.Naga Sowjanya. Vasavi College of Engineering. Ibrahimbahg,Hyderabad.

GENETIC ALGORITHMS. Narra Priyanka. K.Naga Sowjanya. Vasavi College of Engineering. Ibrahimbahg,Hyderabad. GENETIC ALGORITHMS Narra Priyanka K.Naga Sowjanya Vasavi College of Engineering. Ibrahimbahg,Hyderabad mynameissowji@yahoo.com priyankanarra@yahoo.com Abstract Genetic algorithms are a part of evolutionary

More information

Intro. ANN & Fuzzy Systems. Lecture 36 GENETIC ALGORITHM (1)

Intro. ANN & Fuzzy Systems. Lecture 36 GENETIC ALGORITHM (1) Lecture 36 GENETIC ALGORITHM (1) Outline What is a Genetic Algorithm? An Example Components of a Genetic Algorithm Representation of gene Selection Criteria Reproduction Rules Cross-over Mutation Potential

More information

ARTIFICIAL IMMUNE SYSTEM CLASSIFICATION OF MULTIPLE- CLASS PROBLEMS

ARTIFICIAL IMMUNE SYSTEM CLASSIFICATION OF MULTIPLE- CLASS PROBLEMS 1 ARTIFICIAL IMMUNE SYSTEM CLASSIFICATION OF MULTIPLE- CLASS PROBLEMS DONALD E. GOODMAN, JR. Mississippi State University Department of Psychology Mississippi State, Mississippi LOIS C. BOGGESS Mississippi

More information

EVOLUTIONARY ALGORITHMS AT CHOICE: FROM GA TO GP EVOLŪCIJAS ALGORITMI PĒC IZVĒLES: NO GA UZ GP

EVOLUTIONARY ALGORITHMS AT CHOICE: FROM GA TO GP EVOLŪCIJAS ALGORITMI PĒC IZVĒLES: NO GA UZ GP ISSN 1691-5402 ISBN 978-9984-44-028-6 Environment. Technology. Resources Proceedings of the 7 th International Scientific and Practical Conference. Volume I1 Rēzeknes Augstskola, Rēzekne, RA Izdevniecība,

More information

SEISMIC ATTRIBUTES SELECTION AND POROSITY PREDICTION USING MODIFIED ARTIFICIAL IMMUNE NETWORK ALGORITHM

SEISMIC ATTRIBUTES SELECTION AND POROSITY PREDICTION USING MODIFIED ARTIFICIAL IMMUNE NETWORK ALGORITHM Journal of Engineering Science and Technology Vol. 13, No. 3 (2018) 755-765 School of Engineering, Taylor s University SEISMIC ATTRIBUTES SELECTION AND POROSITY PREDICTION USING MODIFIED ARTIFICIAL IMMUNE

More information

COMPARATIVE STUDY OF SELECTION METHODS IN GENETIC ALGORITHM

COMPARATIVE STUDY OF SELECTION METHODS IN GENETIC ALGORITHM COMPARATIVE STUDY OF SELECTION METHODS IN GENETIC ALGORITHM 1 MANSI GANGWAR, 2 MAIYA DIN, 3 V. K. JHA 1 Information Security, 3 Associate Professor, 1,3 Dept of CSE, Birla Institute of Technology, Mesra

More information

Genetic Algorithm: An Optimization Technique Concept

Genetic Algorithm: An Optimization Technique Concept Genetic Algorithm: An Optimization Technique Concept 1 Uma Anand, 2 Chain Singh 1 Student M.Tech (3 rd sem) Department of Computer Science Engineering Dronacharya College of Engineering, Gurgaon-123506,

More information

College of information technology Department of software

College of information technology Department of software University of Babylon Undergraduate: third class College of information technology Department of software Subj.: Application of AI lecture notes/2011-2012 ***************************************************************************

More information

Genetic Algorithm: A Search of Complex Spaces

Genetic Algorithm: A Search of Complex Spaces Genetic Algorithm: A Search of Complex Spaces Namita Khurana, Anju Rathi, Akshatha.P.S Lecturer in Department of (CSE/IT) KIIT College of Engg., Maruti Kunj, Sohna Road, Gurgaon, India ABSTRACT Living

More information

What is Evolutionary Computation? Genetic Algorithms. Components of Evolutionary Computing. The Argument. When changes occur...

What is Evolutionary Computation? Genetic Algorithms. Components of Evolutionary Computing. The Argument. When changes occur... What is Evolutionary Computation? Genetic Algorithms Russell & Norvig, Cha. 4.3 An abstraction from the theory of biological evolution that is used to create optimization procedures or methodologies, usually

More information

GA-SVM WRAPPER APPROACH FOR GENE RANKING AND CLASSIFICATION USING EXPRESSIONS OF VERY FEW GENES

GA-SVM WRAPPER APPROACH FOR GENE RANKING AND CLASSIFICATION USING EXPRESSIONS OF VERY FEW GENES GA-SVM WRAPPER APPROACH FOR GENE RANKING AND CLASSIFICATION USING EXPRESSIONS OF VERY FEW GENES N.REVATHY 1, Dr.R.BALASUBRAMANIAN 2 1 Assistant Professor, Department of Computer Applications, Karpagam

More information

Genetic Algorithms for Optimizations

Genetic Algorithms for Optimizations Genetic Algorithms for Optimizations 1. Introduction Genetic Algorithms (GAs) are developed to mimic some of the processes observed in natural evolution. GAs use the concept of Darwin's theory of evolution

More information

Introduction to Artificial Intelligence. Prof. Inkyu Moon Dept. of Robotics Engineering, DGIST

Introduction to Artificial Intelligence. Prof. Inkyu Moon Dept. of Robotics Engineering, DGIST Introduction to Artificial Intelligence Prof. Inkyu Moon Dept. of Robotics Engineering, DGIST Chapter 9 Evolutionary Computation Introduction Intelligence can be defined as the capability of a system to

More information

Feature Selection of Gene Expression Data for Cancer Classification: A Review

Feature Selection of Gene Expression Data for Cancer Classification: A Review Available online at www.sciencedirect.com ScienceDirect Procedia Computer Science 50 (2015 ) 52 57 2nd International Symposium on Big Data and Cloud Computing (ISBCC 15) Feature Selection of Gene Expression

More information

Performance Analysis of Multi Clustered Parallel Genetic Algorithm with Gray Value

Performance Analysis of Multi Clustered Parallel Genetic Algorithm with Gray Value American Journal of Applied Sciences 9 (8): 1268-1272, 2012 ISSN 1546-9239 2012 Science Publications Performance Analysis of Multi Clustered Parallel Genetic Algorithm with Gray Value 1 Vishnu Raja, P.

More information

Evolutionary Algorithms

Evolutionary Algorithms Evolutionary Algorithms Evolutionary Algorithms What is Evolutionary Algorithms (EAs)? Evolutionary algorithms are iterative and stochastic search methods that mimic the natural biological evolution and/or

More information

ScienceDirect. An Efficient CRM-Data Mining Framework for the Prediction of Customer Behaviour

ScienceDirect. An Efficient CRM-Data Mining Framework for the Prediction of Customer Behaviour Available online at www.sciencedirect.com ScienceDirect Procedia Computer Science 46 (2015 ) 725 731 International Conference on Information and Communication Technologies (ICICT 2014) An Efficient CRM-Data

More information

HYBRID FLOWER POLLINATION ALGORITHM AND SUPPORT VECTOR MACHINE FOR BREAST CANCER CLASSIFICATION

HYBRID FLOWER POLLINATION ALGORITHM AND SUPPORT VECTOR MACHINE FOR BREAST CANCER CLASSIFICATION HYBRID FLOWER POLLINATION ALGORITHM AND SUPPORT VECTOR MACHINE FOR BREAST CANCER CLASSIFICATION Muhammad Nasiru Dankolo 1, Nor Haizan Mohamed Radzi 2 Roselina Salehuddin 3 Noorfa Haszlinna Mustaffa 4 1,

More information

Genetic Algorithms and Genetic Programming Lecture 13

Genetic Algorithms and Genetic Programming Lecture 13 Genetic Algorithms and Genetic Programming Lecture 13 Gillian Hayes 10th November 2008 Pragmatics of GA Design 1 Selection methods Crossover Mutation Population model and elitism Spatial separation Maintaining

More information

Comparative Study of Different Selection Techniques in Genetic Algorithm

Comparative Study of Different Selection Techniques in Genetic Algorithm Journal Homepage: Comparative Study of Different Selection Techniques in Genetic Algorithm Saneh Lata Yadav 1 Asha Sohal 2 Keywords: Genetic Algorithms Selection Techniques Roulette Wheel Selection Tournament

More information

CapSel GA Genetic Algorithms.

CapSel GA Genetic Algorithms. CapSel GA - 01 Genetic Algorithms keppens@rijnh.nl Typical usage: optimization problems both minimization and maximization of complicated functions completely standard problem with non-standard solution

More information

Rule Minimization in Predicting the Preterm Birth Classification using Competitive Co Evolution

Rule Minimization in Predicting the Preterm Birth Classification using Competitive Co Evolution Indian Journal of Science and Technology, Vol 9(10), DOI: 10.17485/ijst/2016/v9i10/88902, March 2016 ISSN (Print) : 0974-6846 ISSN (Online) : 0974-5645 Rule Minimization in Predicting the Preterm Birth

More information

A survey on feature ranking by means of evolutionary computation

A survey on feature ranking by means of evolutionary computation Annals of the University of Craiova, Mathematics and Computer Science Series Volume 40(1), 2013, Pages 100 105 ISSN: 1223-6934 A survey on feature ranking by means of evolutionary computation Ruxandra

More information

Evolutionary Computation. Lecture 1 January, 2007 Ivan Garibay

Evolutionary Computation. Lecture 1 January, 2007 Ivan Garibay Evolutionary Computation Lecture 1 January, 2007 Ivan Garibay igaribay@cs.ucf.edu Lecture 1 What is Evolutionary Computation? Evolution, Genetics, DNA Historical Perspective Genetic Algorithm Components

More information

Design and Implementation of Genetic Algorithm as a Stimulus Generator for Memory Verification

Design and Implementation of Genetic Algorithm as a Stimulus Generator for Memory Verification International Journal of Emerging Engineering Research and Technology Volume 3, Issue 9, September, 2015, PP 18-24 ISSN 2349-4395 (Print) & ISSN 2349-4409 (Online) Design and Implementation of Genetic

More information

Data Mining for Biological Data Analysis

Data Mining for Biological Data Analysis Data Mining for Biological Data Analysis Data Mining and Text Mining (UIC 583 @ Politecnico di Milano) References Data Mining Course by Gregory-Platesky Shapiro available at www.kdnuggets.com Jiawei Han

More information

Index Terms: Customer Loyalty, SVM, Data mining, Classification, Gaussian kernel

Index Terms: Customer Loyalty, SVM, Data mining, Classification, Gaussian kernel Volume 4, Issue 12, December 2014 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com Gaussian Kernel

More information

Improving Differential Evolution Algorithm with Activation Strategy

Improving Differential Evolution Algorithm with Activation Strategy 2009 International Conference on Machine Learning and Computing IPCSIT vol.3 (2011) (2011) IACSIT Press, Singapore Improving Differential Evolution Algorithm with Activation Strategy Zhan-Rong Hsu 1, Wei-Ping

More information

A Genetic Algorithm Applying Single Point Crossover and Uniform Mutation to Minimize Uncertainty in Production Cost

A Genetic Algorithm Applying Single Point Crossover and Uniform Mutation to Minimize Uncertainty in Production Cost World Applied Sciences Journal 23 (8): 1013-1017, 2013 ISSN 1818-4952 IDOSI Publications, 2013 DOI: 10.5829/idosi.wasj.2013.23.08.956 A Genetic Algorithm Applying Single Point Crossover and Uniform Mutation

More information

VISHVESHWARAIAH TECHNOLOGICAL UNIVERSITY S.D.M COLLEGE OF ENGINEERING AND TECHNOLOGY. A seminar report on GENETIC ALGORITHMS.

VISHVESHWARAIAH TECHNOLOGICAL UNIVERSITY S.D.M COLLEGE OF ENGINEERING AND TECHNOLOGY. A seminar report on GENETIC ALGORITHMS. VISHVESHWARAIAH TECHNOLOGICAL UNIVERSITY S.D.M COLLEGE OF ENGINEERING AND TECHNOLOGY A seminar report on GENETIC ALGORITHMS Submitted by Pranesh S S 2SD06CS061 8 th semester DEPARTMENT OF COMPUTER SCIENCE

More information

Breast Cancer Diagnostic Factors Elimination via Evolutionary Neural Network Pruning

Breast Cancer Diagnostic Factors Elimination via Evolutionary Neural Network Pruning Breast Cancer Diagnostic Factors Elimination via Evolutionary Neural Network Pruning Adam V. Adamopoulos Democritus University of Thrace, Department of Medicine, Medical Physics Laboratory, 681 00, Alexandroupolis,

More information

Prediction of Success or Failure of Software Projects based on Reusability Metrics using Support Vector Machine

Prediction of Success or Failure of Software Projects based on Reusability Metrics using Support Vector Machine Prediction of Success or Failure of Software Projects based on Reusability Metrics using Support Vector Machine R. Sathya Assistant professor, Department of Computer Science & Engineering Annamalai University

More information

Supplemental Digital Content. A new severity of illness scale using a subset of APACHE data elements shows comparable predictive accuracy

Supplemental Digital Content. A new severity of illness scale using a subset of APACHE data elements shows comparable predictive accuracy Supplemental Digital Content A new severity of illness scale using a subset of APACHE data elements shows comparable predictive accuracy Alistair E. W. Johnson, BS Centre for Doctoral Training in Healthcare

More information

An Implementation of genetic algorithm based feature selection approach over medical datasets

An Implementation of genetic algorithm based feature selection approach over medical datasets An Implementation of genetic algorithm based feature selection approach over medical s Dr. A. Shaik Abdul Khadir #1, K. Mohamed Amanullah #2 #1 Research Department of Computer Science, KhadirMohideen College,

More information

DNA Gene Expression Classification with Ensemble Classifiers Optimized by Speciated Genetic Algorithm

DNA Gene Expression Classification with Ensemble Classifiers Optimized by Speciated Genetic Algorithm DNA Gene Expression Classification with Ensemble Classifiers Optimized by Speciated Genetic Algorithm Kyung-Joong Kim and Sung-Bae Cho Department of Computer Science, Yonsei University, 134 Shinchon-dong,

More information

A HYBRID GENETIC ALGORITHM FOR JOB SHOP SCHEUDULING

A HYBRID GENETIC ALGORITHM FOR JOB SHOP SCHEUDULING A HYBRID GENETIC ALGORITHM FOR JOB SHOP SCHEUDULING PROF. SARVADE KISHORI D. Computer Science and Engineering,SVERI S College Of Engineering Pandharpur,Pandharpur,India KALSHETTY Y.R. Assistant Professor

More information

2. Genetic Algorithms - An Overview

2. Genetic Algorithms - An Overview 2. Genetic Algorithms - An Overview 2.1 GA Terminology Genetic Algorithms (GAs), which are adaptive methods used to solve search and optimization problems, are based on the genetic processes of biological

More information

Introduction to Genetic Algorithm (GA) Presented By: Rabiya Khalid Department of Computer Science

Introduction to Genetic Algorithm (GA) Presented By: Rabiya Khalid Department of Computer Science Introduction to Genetic Algorithm (GA) Presented By: Rabiya Khalid Department of Computer Science 1 GA (1/31) Introduction Based on Darwin s theory of evolution Rapidly growing area of artificial intelligence

More information

International Journal of Emerging Technologies in Computational and Applied Sciences (IJETCAS)

International Journal of Emerging Technologies in Computational and Applied Sciences (IJETCAS) International Association of Scientific Innovation and Research (IASIR) (An Association Unifying the Sciences, Engineering, and Applied Research) ISSN (Print): 2279-0047 ISSN (Online): 2279-0055 International

More information

Detecting and Pruning Introns for Faster Decision Tree Evolution

Detecting and Pruning Introns for Faster Decision Tree Evolution Detecting and Pruning Introns for Faster Decision Tree Evolution Jeroen Eggermont and Joost N. Kok and Walter A. Kosters Leiden Institute of Advanced Computer Science Universiteit Leiden P.O. Box 9512,

More information

Genetic Algorithm for Supply Planning Optimization under Uncertain Demand

Genetic Algorithm for Supply Planning Optimization under Uncertain Demand Genetic Algorithm for Supply Planning Optimization under Uncertain Demand Tezuka Masaru and Hiji Masahiro Hitachi Tohoku Software, Ltd. 2-16-10, Honcho, Aoba ward, Sendai City, 980-0014, Japan {tezuka,hiji}@hitachi-to.co.jp

More information

Iteratively Inferring Gene Regulatory Networks with Virtual Knockout Experiments

Iteratively Inferring Gene Regulatory Networks with Virtual Knockout Experiments Iteratively Inferring Gene Regulatory Networks with Virtual Knockout Experiments Christian Spieth, Felix Streichert, Nora Speer, and Andreas Zell Centre for Bioinformatics Tübingen (ZBIT), University of

More information

Classification and Learning Using Genetic Algorithms

Classification and Learning Using Genetic Algorithms Sanghamitra Bandyopadhyay Sankar K. Pal Classification and Learning Using Genetic Algorithms Applications in Bioinformatics and Web Intelligence With 87 Figures and 43 Tables 4y Spri rineer 1 Introduction

More information

A GENETIC ALGORITHM WITH DESIGN OF EXPERIMENTS APPROACH TO PREDICT THE OPTIMAL PROCESS PARAMETERS FOR FDM

A GENETIC ALGORITHM WITH DESIGN OF EXPERIMENTS APPROACH TO PREDICT THE OPTIMAL PROCESS PARAMETERS FOR FDM A GENETIC ALGORITHM WITH DESIGN OF EXPERIMENTS APPROACH TO PREDICT THE OPTIMAL PROCESS PARAMETERS FOR FDM G. Arumaikkannu*, N. Uma Maheshwaraa*, S. Gowri* * Department of Manufacturing Engineering, College

More information

IMPLEMENTATION OF AN OPTIMIZATION TECHNIQUE: GENETIC ALGORITHM

IMPLEMENTATION OF AN OPTIMIZATION TECHNIQUE: GENETIC ALGORITHM IMPLEMENTATION OF AN OPTIMIZATION TECHNIQUE: GENETIC ALGORITHM TWINKLE GUPTA* Department of Computer Science, Hindu Kanya MahaVidyalya, Jind, India Abstract We are encountered with various optimization

More information

MISSING DATA CLASSIFICATION OF CHRONIC KIDNEY DISEASE

MISSING DATA CLASSIFICATION OF CHRONIC KIDNEY DISEASE MISSING DATA CLASSIFICATION OF CHRONIC KIDNEY DISEASE Wala Abedalkhader and Noora Abdulrahman Department of Engineering Systems and Management, Masdar Institute of Science and Technology, Abu Dhabi, United

More information

Evolutionary Computation

Evolutionary Computation Evolutionary Computation Evolution and Intelligent Besides learning ability, intelligence can also be defined as the capability of a system to adapt its behaviour to ever changing environment. Evolutionary

More information

Machine Learning: Algorithms and Applications

Machine Learning: Algorithms and Applications Machine Learning: Algorithms and Applications Floriano Zini Free University of Bozen-Bolzano Faculty of Computer Science Academic Year 2011-2012 Lecture 4: 19 th March 2012 Evolutionary computing These

More information

Feature Selection for Predictive Modelling - a Needle in a Haystack Problem

Feature Selection for Predictive Modelling - a Needle in a Haystack Problem Paper AB07 Feature Selection for Predictive Modelling - a Needle in a Haystack Problem Munshi Imran Hossain, Cytel Statistical Software & Services Pvt. Ltd., Pune, India Sudipta Basu, Cytel Statistical

More information

Bioinformatics : Gene Expression Data Analysis

Bioinformatics : Gene Expression Data Analysis 05.12.03 Bioinformatics : Gene Expression Data Analysis Aidong Zhang Professor Computer Science and Engineering What is Bioinformatics Broad Definition The study of how information technologies are used

More information

An Efficient and Effective Immune Based Classifier

An Efficient and Effective Immune Based Classifier Journal of Computer Science 7 (2): 148-153, 2011 ISSN 1549-3636 2011 Science Publications An Efficient and Effective Immune Based Classifier Shahram Golzari, Shyamala Doraisamy, Md Nasir Sulaiman and Nur

More information

Available online at International Journal of Current Research Vol. 9, Issue, 07, pp , July, 2017

Available online at   International Journal of Current Research Vol. 9, Issue, 07, pp , July, 2017 z Available online at http://www.journalcra.com International Journal of Current Research Vol. 9, Issue, 07, pp.53529-53533, July, 2017 INTERNATIONAL JOURNAL OF CURRENT RESEARCH ISSN: 0975-833X RESEARCH

More information

Keywords Genetic Algorithm (GA), Evolutionary, Representation, Binary, Floating Point, Operator

Keywords Genetic Algorithm (GA), Evolutionary, Representation, Binary, Floating Point, Operator Volume 5, Issue 4, 2015 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com A Review on Genetic

More information

Processor Scheduling Algorithms in Environment of Genetics

Processor Scheduling Algorithms in Environment of Genetics Processor Scheduling Algorithms in Environment of Genetics Randeep Department of Computer Science and Engineering R.N. College of Engg. & Technology Haryana, India randeepravish@gmail.com Abstract The

More information

GENETIC ALGORITHM BASED APPROACH FOR THE SELECTION OF PROJECTS IN PUBLIC R&D INSTITUTIONS

GENETIC ALGORITHM BASED APPROACH FOR THE SELECTION OF PROJECTS IN PUBLIC R&D INSTITUTIONS GENETIC ALGORITHM BASED APPROACH FOR THE SELECTION OF PROJECTS IN PUBLIC R&D INSTITUTIONS SANJAY S, PRADEEP S, MANIKANTA V, KUMARA S.S, HARSHA P Department of Human Resource Development CSIR-Central Food

More information

Part 1: Motivation, Basic Concepts, Algorithms

Part 1: Motivation, Basic Concepts, Algorithms Part 1: Motivation, Basic Concepts, Algorithms 1 Review of Biological Evolution Evolution is a long time scale process that changes a population of an organism by generating better offspring through reproduction.

More information

Journal of Global Research in Computer Science PREMATURE CONVERGENCE AND GENETIC ALGORITHM UNDER OPERATING SYSTEM PROCESS SCHEDULING PROBLEM

Journal of Global Research in Computer Science PREMATURE CONVERGENCE AND GENETIC ALGORITHM UNDER OPERATING SYSTEM PROCESS SCHEDULING PROBLEM Volume, No. 5, December 00 Journal of Global Research in Computer Science RESEARCH PAPER Available Online at www.jgrcs.info PREMATURE CONVERGENCE AND GENETIC ALGORITHM UNDER OPERATING SYSTEM PROCESS SCHEDULING

More information

A Hybrid Approach for Gene Selection and Classification using Support Vector Machine

A Hybrid Approach for Gene Selection and Classification using Support Vector Machine The International Arab Journal of Information Technology, Vol. 1, No. 6A, 015 695 A Hybrid Approach for Gene Selection and Classification using Support Vector Machine Jaison Bennet 1, Chilambuchelvan Ganaprakasam

More information

Enhanced Cost Sensitive Boosting Network for Software Defect Prediction

Enhanced Cost Sensitive Boosting Network for Software Defect Prediction Enhanced Cost Sensitive Boosting Network for Software Defect Prediction Sreelekshmy. P M.Tech, Department of Computer Science and Engineering, Lourdes Matha College of Science & Technology, Kerala,India

More information

Changing Mutation Operator of Genetic Algorithms for optimizing Multiple Sequence Alignment

Changing Mutation Operator of Genetic Algorithms for optimizing Multiple Sequence Alignment International Journal of Information and Computation Technology. ISSN 0974-2239 Volume 3, Number 11 (2013), pp. 1155-1160 International Research Publications House http://www. irphouse.com /ijict.htm Changing

More information

Feature Selection Algorithms in Classification Problems: An Experimental Evaluation

Feature Selection Algorithms in Classification Problems: An Experimental Evaluation Feature Selection Algorithms in Classification Problems: An Experimental Evaluation MICHAEL DOUMPOS, ATHINA SALAPPA Department of Production Engineering and Management Technical University of Crete University

More information

Genetic Programming for Symbolic Regression

Genetic Programming for Symbolic Regression Genetic Programming for Symbolic Regression Chi Zhang Department of Electrical Engineering and Computer Science, University of Tennessee, Knoxville, TN 37996, USA Email: czhang24@utk.edu Abstract Genetic

More information

Implementation of Genetic Algorithm for Agriculture System

Implementation of Genetic Algorithm for Agriculture System Implementation of Genetic Algorithm for Agriculture System Shweta Srivastava Department of Computer science Engineering Babu Banarasi Das University,Lucknow, Uttar Pradesh, India Diwakar Yagyasen Department

More information

A New Methodology for Solving Different Economic Dispatch Problems

A New Methodology for Solving Different Economic Dispatch Problems A New Methodology for Solving Different Economic Dispatch Problems Divya Mathur Assistant Professor, JECRC University, Jaipur Abstract- This paper presents a Biogeography-Based Optimization (BBO) algorithm

More information

Optimisation and Operations Research

Optimisation and Operations Research Optimisation and Operations Research Lecture 17: Genetic Algorithms and Evolutionary Computing Matthew Roughan http://www.maths.adelaide.edu.au/matthew.roughan/ Lecture_notes/OORII/

More information

Applying Computational Intelligence in Software Testing

Applying Computational Intelligence in Software Testing www.stmjournals.com Applying Computational Intelligence in Software Testing Saumya Dixit*, Pradeep Tomar School of Information and Communication Technology, Gautam Buddha University, Greater Noida, India

More information

COMBINED-OBJECTIVE OPTIMIZATION IN IDENTICAL PARALLEL MACHINE SCHEDULING PROBLEM USING PSO

COMBINED-OBJECTIVE OPTIMIZATION IN IDENTICAL PARALLEL MACHINE SCHEDULING PROBLEM USING PSO COMBINED-OBJECTIVE OPTIMIZATION IN IDENTICAL PARALLEL MACHINE SCHEDULING PROBLEM USING PSO Bathrinath S. 1, Saravanasankar S. 1 and Ponnambalam SG. 2 1 Department of Mechanical Engineering, Kalasalingam

More information

10. Lecture Stochastic Optimization

10. Lecture Stochastic Optimization Soft Control (AT 3, RMA) 10. Lecture Stochastic Optimization Genetic Algorithms 10. Structure of the lecture 1. Soft control: the definition and limitations, basics of epert" systems 2. Knowledge representation

More information

Finding Regularity in Protein Secondary Structures using a Cluster-based Genetic Algorithm

Finding Regularity in Protein Secondary Structures using a Cluster-based Genetic Algorithm Finding Regularity in Protein Secondary Structures using a Cluster-based Genetic Algorithm Yen-Wei Chu 1,3, Chuen-Tsai Sun 3, Chung-Yuan Huang 2,3 1) Department of Information Management 2) Department

More information

Evolutionary Computation for Minimizing Makespan on Identical Machines with Mold Constraints

Evolutionary Computation for Minimizing Makespan on Identical Machines with Mold Constraints Evolutionary Computation for Minimizing Makespan on Identical Machines with Mold Constraints Tzung-Pei Hong 1, 2, Pei-Chen Sun 3, and Sheng-Shin Jou 3 1 Department of Computer Science and Information Engineering

More information

Introduction Evolutionary Algorithm Implementation

Introduction Evolutionary Algorithm Implementation Introduction Traditional optimization methods fail when there are complex, nonlinear relationships between the parameters and the value to be optimized, the goal function has many local extrema, and resources

More information

Evolutionary Algorithms - Population management and popular algorithms Kai Olav Ellefsen

Evolutionary Algorithms - Population management and popular algorithms Kai Olav Ellefsen INF3490 - Biologically inspired computing Lecture 3: Eiben and Smith, chapter 5-6 Evolutionary Algorithms - Population management and popular algorithms Kai Olav Ellefsen Repetition: General scheme of

More information

Genetic algorithms. History

Genetic algorithms. History Genetic algorithms History Idea of evolutionary computing was introduced in the 1960s by I. Rechenberg in his work "Evolution strategies" (Evolutionsstrategie in original). His idea was then developed

More information

Study on the Application of Data Mining in Bioinformatics. Mingyang Yuan

Study on the Application of Data Mining in Bioinformatics. Mingyang Yuan International Conference on Mechatronics Engineering and Information Technology (ICMEIT 2016) Study on the Application of Mining in Bioinformatics Mingyang Yuan School of Science and Liberal Arts, New

More information

ABSTRACT COMPUTER EVOLUTION OF GENE CIRCUITS FOR CELL- EMBEDDED COMPUTATION, BIOTECHNOLOGY AND AS A MODEL FOR EVOLUTIONARY COMPUTATION

ABSTRACT COMPUTER EVOLUTION OF GENE CIRCUITS FOR CELL- EMBEDDED COMPUTATION, BIOTECHNOLOGY AND AS A MODEL FOR EVOLUTIONARY COMPUTATION ABSTRACT COMPUTER EVOLUTION OF GENE CIRCUITS FOR CELL- EMBEDDED COMPUTATION, BIOTECHNOLOGY AND AS A MODEL FOR EVOLUTIONARY COMPUTATION by Tommaso F. Bersano-Begey Chair: John H. Holland This dissertation

More information

Comparison of some fine-grained and coarse-grained parallel genetic algorithms with population reinitialization

Comparison of some fine-grained and coarse-grained parallel genetic algorithms with population reinitialization 1 Portál pre odborné publikovanie ISSN 1338-0087 Comparison of some fine-grained and coarse-grained parallel genetic algorithms with population reinitialization Oravec Michal Elektrotechnika, Študentské

More information

Minimizing Makespan for Machine Scheduling and Worker Assignment Problem in Identical Parallel Machine Models Using GA

Minimizing Makespan for Machine Scheduling and Worker Assignment Problem in Identical Parallel Machine Models Using GA , June 30 - July 2, 2010, London, U.K. Minimizing Makespan for Machine Scheduling and Worker Assignment Problem in Identical Parallel Machine Models Using GA Imran Ali Chaudhry, Sultan Mahmood and Riaz

More information

Genetic Algorithm. Presented by Shi Yong Feb. 1, 2007 Music McGill University

Genetic Algorithm. Presented by Shi Yong Feb. 1, 2007 Music McGill University Genetic Algorithm Presented by Shi Yong Feb. 1, 2007 Music Tech @ McGill University Outline Background: Biological Genetics & GA Two Examples Some Applications Online Demos* (if the time allows) Introduction

More information

Introduction to Bioinformatics

Introduction to Bioinformatics Introduction to Bioinformatics If the 19 th century was the century of chemistry and 20 th century was the century of physic, the 21 st century promises to be the century of biology...professor Dr. Satoru

More information

Methods for Multi-Category Cancer Diagnosis from Gene Expression Data: A Comprehensive Evaluation to Inform Decision Support System Development

Methods for Multi-Category Cancer Diagnosis from Gene Expression Data: A Comprehensive Evaluation to Inform Decision Support System Development 1 Methods for Multi-Category Cancer Diagnosis from Gene Expression Data: A Comprehensive Evaluation to Inform Decision Support System Development Alexander Statnikov M.S., Constantin F. Aliferis M.D.,

More information

The Metaphor. Individuals living in that environment Individual s degree of adaptation to its surrounding environment

The Metaphor. Individuals living in that environment Individual s degree of adaptation to its surrounding environment Genetic Algorithms Sesi 14 Optimization Techniques Mathematical Programming Network Analysis Branch & Bound Simulated Annealing Tabu Search Classes of Search Techniques Calculus Base Techniqes Fibonacci

More information

A Protein Secondary Structure Prediction Method Based on BP Neural Network Ru-xi YIN, Li-zhen LIU*, Wei SONG, Xin-lei ZHAO and Chao DU

A Protein Secondary Structure Prediction Method Based on BP Neural Network Ru-xi YIN, Li-zhen LIU*, Wei SONG, Xin-lei ZHAO and Chao DU 2017 2nd International Conference on Artificial Intelligence: Techniques and Applications (AITA 2017 ISBN: 978-1-60595-491-2 A Protein Secondary Structure Prediction Method Based on BP Neural Network Ru-xi

More information

Logistics. Final exam date. Project Presentation. Plan for this week. Evolutionary Algorithms. Crossover and Mutation

Logistics. Final exam date. Project Presentation. Plan for this week. Evolutionary Algorithms. Crossover and Mutation Logistics Crossover and Mutation Assignments Checkpoint -- Problem Graded -- comments on mycourses Checkpoint --Framework Mostly all graded -- comments on mycourses Checkpoint -- Genotype / Phenotype Due

More information

Keywords acrm, RFM, Clustering, Classification, SMOTE, Metastacking

Keywords acrm, RFM, Clustering, Classification, SMOTE, Metastacking Volume 5, Issue 9, September 2015 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com Comparative

More information

A Classification of Microarray Gene Expression Data Using Hybrid Soft Computing Approach

A Classification of Microarray Gene Expression Data Using Hybrid Soft Computing Approach www.ijcsi.org 246 A Classification of Microarray Gene Expression Data Using Hybrid Soft Computing Approach Vaishali P Khobragade 1, Dr.A.Vinayababu 2 1 Jyothishmathi Institute of Technology & Science,

More information

Genetic Algorithm with Upgrading Operator

Genetic Algorithm with Upgrading Operator Genetic Algorithm with Upgrading Operator NIDAPAN SUREERATTANAN Computer Science and Information Management, School of Advanced Technologies, Asian Institute of Technology, P.O. Box 4, Klong Luang, Pathumthani

More information

An introduction to evolutionary computation

An introduction to evolutionary computation An introduction to evolutionary computation Andrea Roli andrea.roli@unibo.it Dept. of Computer Science and Engineering (DISI) Campus of Cesena Alma Mater Studiorum Università di Bologna Outline 1 Basic

More information

Introduction To Genetic Algorithms

Introduction To Genetic Algorithms Introduction To Genetic Algorithms Cse634 DATA MINING Professor Anita Wasilewska Computer Science Department Stony Brook University 1 Overview Introduction To Genetic Algorithms (GA) GA Operators and Parameters

More information

BIOINFORMATICS AND SYSTEM BIOLOGY (INTERNATIONAL PROGRAM)

BIOINFORMATICS AND SYSTEM BIOLOGY (INTERNATIONAL PROGRAM) BIOINFORMATICS AND SYSTEM BIOLOGY (INTERNATIONAL PROGRAM) PROGRAM TITLE DEGREE TITLE Master of Science Program in Bioinformatics and System Biology (International Program) Master of Science (Bioinformatics

More information

Gene Reduction for Cancer Classification using Cascaded Neural Network with Gene Masking

Gene Reduction for Cancer Classification using Cascaded Neural Network with Gene Masking Gene Reduction for Cancer Classification using Cascaded Neural Network with Gene Masking Raneel Kumar, Krishnil Chand, Sunil Pranit Lal School of Computing, Information, and Mathematical Sciences University

More information

From Genetics to Genetic Algorithms

From Genetics to Genetic Algorithms From Genetics to Genetic Algorithms Solution to Optimisation Problems Using Natural Systems Jitendra R Raol and Abhijit Jalisatgi Genetic algorithms are search procedures inspired by natural selection

More information

Genetic'Algorithms'::' ::'Algoritmi'Genetici'1

Genetic'Algorithms'::' ::'Algoritmi'Genetici'1 Genetic'Algorithms'::' ::'Algoritmi'Genetici'1 Prof. Mario Pavone Department of Mathematics and Computer Sciecne University of Catania v.le A. Doria 6 95125 Catania, Italy mpavone@dmi.unict.it http://www.dmi.unict.it/mpavone/

More information

Research of Product Design based on Improved Genetic Algorithm

Research of Product Design based on Improved Genetic Algorithm , pp. 45-50 http://dx.doi.org/10.14257/ijhit.2016.9.6.04 Research of Product Design based on Improved Genetic Algorithm Li Ma (Zhejiang Industry Polytechnic College Shaoxing Zhejiang 312000 China) zjsxmali@sina.com

More information

Random forest for gene selection and microarray data classification

Random forest for gene selection and microarray data classification www.bioinformation.net Hypothesis Volume 7(3) Random forest for gene selection and microarray data classification Kohbalan Moorthy & Mohd Saberi Mohamad* Artificial Intelligence & Bioinformatics Research

More information

An Evolutionary Optimization for Multiple Sequence Alignment

An Evolutionary Optimization for Multiple Sequence Alignment 195 An Evolutionary Optimization for Multiple Sequence Alignment 1 K. Lohitha Lakshmi, 2 P. Rajesh 1 M tech Scholar Department of Computer Science, VVIT Nambur, Guntur,A.P. 2 Assistant Prof Department

More information

CEng 713 Evolutionary Computation, Lecture Notes

CEng 713 Evolutionary Computation, Lecture Notes CEng 713 Evolutionary Computation, Lecture Notes Introduction to Evolutionary Computation Evolutionary Computation Elements of Evolution: Reproduction Random variation Competition Selection of contending

More information

GENETIC ALGORITHM A NOBLE APPROACH FOR ECONOMIC LOAD DISPATCH

GENETIC ALGORITHM A NOBLE APPROACH FOR ECONOMIC LOAD DISPATCH International Journal of Engineering Research and Applications (IJERA) ISSN: 48-96 National Conference on Emerging Trends in Engineering & Technology (VNCET-30 Mar 1) GENETIC ALGORITHM A NOBLE APPROACH

More information