An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: differential-evolution

sherstpasha/thefittest

Implementation of data mining methods that use evolutionary algorithms

Language: Python - Size: 45.8 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 41 - Forks: 0

Evolutionary-Intelligence/pypop

[JMLR (CCF-A)] PyPop7: A Pure-Python Library for POPulation-based Black-Box Optimization (BBO), especially *Large-Scale* variants (including evolutionary algorithms, swarm-based randomized optimizers, pattern search, and random search). [https://jmlr.org/papers/v25/23-0386.html] (Its Planned Extensions: PyCoPop7, PyNoPop7, PyPop77, and PyMePop7)

Language: Python - Size: 957 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 236 - Forks: 35

nathanrooy/differential-evolution-optimization

A simple, bare bones, implementation of differential evolution optimization.

Language: Python - Size: 16.6 KB - Last synced at: about 22 hours ago - Pushed at: about 5 years ago - Stars: 52 - Forks: 14

RIFLE/Tsukuba-Master

Sets of reports related to master's program at the University of Tsukuba.

Size: 78.8 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

anyoptimization/pymoo

NSGA2, NSGA3, R-NSGA3, MOEAD, Genetic Algorithms (GA), Differential Evolution (DE), CMAES, PSO

Language: Python - Size: 17.8 MB - Last synced at: 4 days ago - Pushed at: 10 days ago - Stars: 2,482 - Forks: 419

alexisuaguilaru/DifferentialEvolution

Experimental variants of Differential Evolution

Language: Jupyter Notebook - Size: 207 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

morinim/ultra

Framework for Evolutionary Algorithms

Language: C++ - Size: 3.63 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 7 - Forks: 1

yangyongkang2000/SEvoBench

A C++ Framework for Evolutionary Single-Objective Optimization Benchmarking

Language: C++ - Size: 17 MB - Last synced at: 13 days ago - Pushed at: 14 days ago - Stars: 4 - Forks: 1

thieu1995/mealpy

A Collection Of The State-of-the-art Metaheuristic Algorithms In Python (Metaheuristic/Optimizer/Nature-inspired/Biology)

Language: Python - Size: 15 MB - Last synced at: 14 days ago - Pushed at: 8 months ago - Stars: 987 - Forks: 201

jmejia8/Metaheuristics.jl

High-performance metaheuristics for optimization coded purely in Julia.

Language: Julia - Size: 4.09 MB - Last synced at: 4 days ago - Pushed at: 24 days ago - Stars: 270 - Forks: 29

lucidrains/firefly-torch

Exploration into the Firefly algorithm in Pytorch

Language: Python - Size: 27.3 KB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 37 - Forks: 2

MaxHalford/eaopt

:four_leaf_clover: Evolutionary optimization library for Go (genetic algorithm, partical swarm optimization, differential evolution)

Language: Go - Size: 591 KB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 897 - Forks: 97

zdenyhraz/shenanigans

Semi-random funky stuff, mainly for my PhD experiments and articles. Contains calculations and algorithm implementations for various applied mathematics and astrophysics articles I worked on.

Language: C++ - Size: 1.46 GB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 18 - Forks: 5

kthohr/optim

OptimLib: a lightweight C++ library of numerical optimization methods for nonlinear functions

Language: C++ - Size: 11.7 MB - Last synced at: 14 days ago - Pushed at: 12 months ago - Stars: 847 - Forks: 139

wildart/Evolutionary.jl

Evolutionary & genetic algorithms for Julia

Language: Julia - Size: 1.6 MB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 338 - Forks: 59

EMI-Group/metade

MetaDE is a GPU-accelerated evolutionary framework that optimizes Differential Evolution (DE) strategies via meta-level evolution. Supporting both JAX and PyTorch, it dynamically adapts mutation and crossover strategies for efficient large-scale black-box optimization.

Language: Python - Size: 50.7 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 36 - Forks: 3

HuangJunh/EDE-NAS

[AJCAI2022] Eclectic Differential Evolution for Neural Architecture Search (EDE-NAS)

Language: Python - Size: 17.6 KB - Last synced at: 25 days ago - Pushed at: 26 days ago - Stars: 2 - Forks: 0

enricoschumann/NMOF

Functions, examples and data from the first and the second edition of "Numerical Methods and Optimization in Finance" by M. Gilli, D. Maringer and E. Schumann (2019, ISBN:978-0128150658). This repository mirrors https://gitlab.com/NMOF/NMOF .

Language: R - Size: 4.04 MB - Last synced at: 21 days ago - Pushed at: 28 days ago - Stars: 37 - Forks: 6

NMOF/NMOF

Functions, examples and data from the book "Numerical Methods and Optimization in Finance" by M. Gilli, D. Maringer and E. Schumann (2011), ISBN 978-0123756626.

Language: R - Size: 3.91 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 2 - Forks: 1

keurfonluu/stochopy

Python library for stochastic numerical optimization

Language: Python - Size: 2.32 MB - Last synced at: 14 days ago - Pushed at: almost 2 years ago - Stars: 97 - Forks: 15

moesio-f/decc

Cooperative Co-evolutionary Differential Evolution (DECC) algorithms in Python.

Language: Python - Size: 35.2 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

kthohr/mcmc

A C++ library of Markov Chain Monte Carlo (MCMC) methods

Language: C++ - Size: 217 KB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 178 - Forks: 47

pablormier/yabox

Yet another black-box optimization library for Python

Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 138 - Forks: 16

KMORaza/Optimization_of_CMOS-based_sense_amplifier_circuit

Optimization of CMOS-based amplifier circuit that converges to the optimal solution in very less time. Differential evolution is used in this optimization.

Language: C++ - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Hvass-Labs/MetaOps

Tuning the Parameters of Heuristic Optimizers (Meta-Optimization / Hyper-Parameter Optimization)

Language: Jupyter Notebook - Size: 1.13 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 54 - Forks: 12

asyncde/asyncde

Asynchronous Differential Evolution

Language: C++ - Size: 114 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

kevintab95/DE_KFE

Key Frame Extraction using Differential Evolution

Language: Python - Size: 4.88 KB - Last synced at: 3 days ago - Pushed at: over 6 years ago - Stars: 36 - Forks: 10

baryon-asymm/DotNetDifferentialEvolution

A highly configurable, multi-processing, SIMD-accelerated implementation of the Differential Evolution optimization algorithm in C#.

Language: C# - Size: 84 KB - Last synced at: 14 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

mdccUVa/de-fpga-hh

SystemC code modeling a cycle-accurate Differential Evolution of the Hodgkin-Huxley model.

Language: C - Size: 56.6 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

cyokozai/optgenflow

A Visual Tool for Understanding Genetic Algorithms. OptGenFlow is an interactive and educational application specifically designed to help users visually understand the workings and mechanisms of genetic algorithms (GAs).

Language: Processing - Size: 145 MB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Haus226/OptViz

Language: Python - Size: 205 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

avaneev/biteopt

Derivative-Free Global Optimization Algorithm (C++, Python binding) - Continuous, Discrete, TSP, NLS, MINLP

Language: C++ - Size: 3.32 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 148 - Forks: 9

BatchClayderman/DifferentialEvolution Fork of YiYistudy/DifferentialEvolution

This is the official implementation of the non-linear differential evolution algorithm with dynamic parameters for global optimization.

Language: MATLAB - Size: 4.81 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

YiYistudy/DifferentialEvolution

This is the official implementation of the non-linear differential evolution algorithm with dynamic parameters for global optimization.

Language: MATLAB - Size: 4.81 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 1

bruscalia/optimization-demo-files

Examples on numerical optimization

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 66 - Forks: 19

hpparvi/PyDE

Differential evolution global optimization in Python.

Language: Python - Size: 58.6 KB - Last synced at: 3 days ago - Pushed at: about 6 years ago - Stars: 33 - Forks: 8

AnjishtGosain/DerivativesPricing

This repository contains pricing methods for equity European and American options. Monte Carlo and tree methods have been implemented for Black Scholes extensions (standard, with discrete dividend, and with single and double Normal jumps for corporate actions). This repository also contains an implementation of a Differential Evolution algorithm to back-solve model parameters given market data (read from JSON).

Language: C++ - Size: 953 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 2

SeyedMuhammadHosseinMousavi/Differential-Evolution-Clustering

Differential Evolution Clustering

Language: MATLAB - Size: 865 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

SeyedMuhammadHosseinMousavi/Complexity

Complexity

Language: Python - Size: 1.38 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

devries/godevo

A differential evolution and Markov chain Monte Carlo differential evolution package in Go

Language: Go - Size: 21.5 KB - Last synced at: about 7 hours ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

SeyedMuhammadHosseinMousavi/Optimization-Problems-Toolbox

Optimization Problems Toolbox

Language: MATLAB - Size: 1.45 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 11 - Forks: 3

SeyedMuhammadHosseinMousavi/A-New-Clustering-Method-Using-Evolutionary-Algorithms-for-Determining-Initial-States-and-Diverse

A New Clustering Method Using Evolutionary Algorithms for Determining Initial States, and Diverse Pairwise Distances for Clustering

Language: Python - Size: 3.48 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

salar-shdk/nia

Nature Inspired Optimization Algorithms

Language: Python - Size: 65.4 KB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 28 - Forks: 2

FedericoStra/ConservationLawsParticles.jl

Particle methods for 1D conservation laws

Language: Julia - Size: 10.7 MB - Last synced at: 8 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

thieu1995/mealpy-timeseries

Hyper-parameter tuning of Time series forecasting models with Mealpy

Language: Python - Size: 15.6 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 3

SeyedMuhammadHosseinMousavi/Real-Time-Differential-Evolution-Human-Pose-Estimation

Real Time Differential Evolution Human Pose Estimation

Language: Python - Size: 24 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

gabrieljablonski/inverse-kinematics-differential-evolution

Application of Differential Evolution in the optimization of a robotic system with several links using inverse kinematics

Language: Go - Size: 2.03 MB - Last synced at: 26 days ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

Hvass-Labs/swarmops-other

Heuristic Optimization for C#, C, Java and Matlab

Size: 1.71 MB - Last synced at: 23 days ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 2

Hvass-Labs/swarmops

Heuristic Optimization for Python

Language: Python - Size: 64.5 KB - Last synced at: 11 days ago - Pushed at: about 5 years ago - Stars: 72 - Forks: 16

Hvass-Labs/Optimization-Papers

Archive of my older research papers on optimization

Size: 4.53 MB - Last synced at: 27 days ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 1

ArdiaD/DEoptim

Differential evolution in R

Language: C - Size: 3.82 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 29 - Forks: 16

shlienlab/raccoon

Multi-scale clustering in Python

Language: Python - Size: 6.14 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 4

ai-se/Smote_tune

ICSE'18: Tuning Smote

Language: Python - Size: 46.9 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 11

baryon-asymm/DotNetDifferentialEvolution.GPU

A highly configurable implementation of the Differential Evolution optimization algorithm in C#, optimized for GPU execution using ILGPU. This library provides a flexible framework for configuring mutation, selection, and termination strategies.

Language: C# - Size: 42 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

aliasgharheidaricom/RUN-Beyond-the-Metaphor-An-Efficient-Optimization-Algorithm-Based-on-Runge-Kutta-Method

The optimization field suffers from the metaphor-based “pseudo-novel” or “fancy” optimizers. Most of these cliché methods mimic animals' searching trends and possess a small contribution to the optimization process itself. Most of these cliché methods suffer from the locally efficient performance, biased verification methods on easy problems, and high similarity between their components' interactions. This study attempts to go beyond the traps of metaphors and introduce a novel metaphor-free population-based optimization based on the mathematical foundations and ideas of the Runge Kutta (RK) method widely well-known in mathematics. The proposed RUNge Kutta optimizer (RUN) was developed to deal with various types of optimization problems in the future. The RUN utilizes the logic of slope variations computed by the RK method as a promising and logical searching mechanism for global optimization. This search mechanism benefits from two active exploration and exploitation phases for exploring the promising regions in the feature space and constructive movement toward the global best solution. Furthermore, an enhanced solution quality (ESQ) mechanism is employed to avoid the local optimal solutions and increase convergence speed. The RUN algorithm's efficiency was evaluated by comparing with other metaheuristic algorithms in 50 mathematical test functions and four real-world engineering problems. The RUN provided very promising and competitive results, showing superior exploration and exploitation tendencies, fast convergence rate, and local optima avoidance. In optimizing the constrained engineering problems, the metaphor-free RUN demonstrated its suitable performance as well. The authors invite the community for extensive evaluations of this deep-rooted optimizer as a promising tool for real-world optimization. The source codes, supplementary materials, and guidance for the developed method will be publicly available at different hubs at http://aliasgharheidari.com/RUN.html.

Language: MATLAB - Size: 2.91 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 5 - Forks: 2

xh4/MOEA.jl

Multi-Objective Evolutionary Algorithms in Julia

Language: Julia - Size: 234 KB - Last synced at: about 6 hours ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

goktug97/de-torch

Minimal PyTorch Library for Differential Evolution

Language: Python - Size: 64.5 KB - Last synced at: 11 days ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

wangxb96/SaWDE

Code of the paper:A Self-adaptive Weighted Differential Evolution Approach for Large-scale Feature Selection --[Knowledge-Based Systems 22]

Language: MATLAB - Size: 25.3 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 30 - Forks: 5

emogooo/DeepSkinDE

The aim of this study is to develop a deep learning model using CNNs for accurate skin cancer diagnosis from the ISIC-2019 dataset and to optimize hyperparameters using differential evolution algorithms.

Language: Python - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

morinim/vita

Vita - Genetic Programming Framework

Language: C++ - Size: 15.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 35 - Forks: 6

nrhevu/evolutionary-computing

An implementation of some evolutionary algorithms to solve TSP, Knapsack, Icdpu problems. This repository contains Generic Algorithm, Differential Evolution, MFEA and OTMTO (Orthogonal Transfer for Multitask Optimization)

Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

adsmendesdaniel/Forecasting-the-COVID-19-behavior-with-Differential-Evolution-and-a-Maxwell-Boltzmann-like-model

Analysis of time series datasets of recorded cases and deaths from COVID-19 and recorded cases and deaths from SARS (severe acute respiratory syndrome) in Brazil using Differential Evolution and a combination model of "Maxwell-Boltzmann-like" distributions to forecast the behavior of the first and second wave of COVID-19 in Brazil.

Language: Jupyter Notebook - Size: 9.69 MB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

adsmendesdaniel/Forecasting-the-COVID-19-behavior-with-Differential-Evolution-and-a-combination-of-gaussians-model

Analysis of time series datasets of recorded cases and deaths from COVID-19 and cases and deaths from SARS (severe acute respiratory syndrome) using Differential Evolution and the combination of Gaussian distribution waves to forecast the behavior of the second wave of COVID-19 in Brazil.

Language: Jupyter Notebook - Size: 4.76 MB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Tobsky/Plant_disease_app

A Streamlit web application for classifying plant diseases using deep learning models.

Language: Python - Size: 725 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

cshenton/de

Adapative Differential Evolution Optimiser (C99, Single Header)

Language: C - Size: 9.77 KB - Last synced at: about 7 hours ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 2

amirhszd/jostar

Feature Selection Library for Data Sciences in Python

Language: Python - Size: 803 KB - Last synced at: 12 days ago - Pushed at: 11 months ago - Stars: 11 - Forks: 6

zi-ang-liu/evoswarm

Python library for evolutionary and swarm intelligence algorithms.

Language: Python - Size: 19.5 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

andizuend/Fit_Data_by_Custom_Function

example code for how to run a best-of-random differential evolution optimization method in Fortran

Language: Fortran - Size: 32.2 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

catdance124/wind-turbine_design_optimization

The 3rd Evolutionary Computation Competition The problem is a wind turbine design optimization problem.

Language: Python - Size: 21.5 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

catdance124/Differential_Evolution

'Differential Evolution' implementation of C

Language: C - Size: 5.86 KB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

Armin-Abdollahi/Differential-Evolution

Language: MATLAB - Size: 4.88 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

ArpanBiswas99/PyTFT

Automated Extraction of TFT Parameters for Simulation (SPICE MOS Level 3)

Language: Python - Size: 21.5 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

quality-attributes/optimization

Hyperparameter tuning for text categorization using differential evolution

Language: Python - Size: 59.6 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

quality-attributes/autoML-models

Differential Evolution algorithms configuration by iterated racing procedure

Language: Python - Size: 1.27 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

Armin-Abdollahi/Robot-Navigation

Robot navigation based on Differential Evolution (DE) algorithm.

Language: MATLAB - Size: 28.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

ceciliacsilva/deRosenbrock

Minimize rosenbrock function - differential evolution.

Language: HTML - Size: 240 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Robert-Zag/StockAnalysis

Backtests and optimizes performance of stock trading strategies based on technical analysis

Language: Python - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

caiocezarq/DEvsGA-2016

Comparative Study on Differential Evolution and Genetic Algorithms applied to minimization of Rastrigin and Rosenbrock Functions

Language: Python - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Herqules/Machine-Learning-Models

A comprehensive suite of Python-based machine learning models for predictive analytics, employing different evolutionary algorithms for data analysis across various topics.

Language: Python - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

osmangokalp/WSN_Coverage_And_Connectivity

Connected Target Coverage in Wireless Sensor Networks Using Self-adaptive Differential Evolution

Language: Java - Size: 1.86 MB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 2

Lcrypto/Density-Evolution-AWGN

Density evolution for LDPC codes construction under AWGN-channel: reciprocal-channel approximation (RCA), Gaussian Evolution, Covariance Evolution

Language: MATLAB - Size: 1.42 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 31 - Forks: 19

Xavier-MaYiMing/Differential-Evolution

Language: Python - Size: 677 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

VelbazhdSoftwareLLC/VitoshaTrade

VitoshaTrade is a Forex forecasting module for MetaTrader4.

Language: C++ - Size: 5.47 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 6

fra99le/fnt

Numerical Toolbox

Language: C - Size: 342 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

smkalami/ypea

Yarpiz Evolutionary Algorithms Toolbox for MATLAB

Language: HTML - Size: 2.33 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 25

ai-se/Pits_lda

IST journal 2017: Tuning LDA

Language: Python - Size: 40.5 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 4

kostyfisik/jade

C++ implementation of adaptive differential evolution optimization algorithm JADE

Language: C++ - Size: 1020 KB - Last synced at: 19 days ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 3

keurfonluu/StochANNPy

StochANNPy (STOCHAstic Artificial Neural Network for PYthon) provides user-friendly routines compatible with Scikit-Learn for stochastic learning.

Language: Python - Size: 169 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 4

SeyedMuhammadHosseinMousavi/Bees-Algorithm-Resource-Constrained-Project-Scheduling-Problem-BARCPSP-

Bees Algorithm Resource_Constrained Project Scheduling Problem (BARCPSP)

Language: MATLAB - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

mantasu/nat2324

Best solutions for Natural Computing 2023/2024

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

strongio/evolutionary-optimization

A collection of black-box optimizers with a focus on evolutionary algorithms

Language: Python - Size: 1.94 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 25 - Forks: 7

faizan90/hydmodeling

Rainfall-runoff modeling using HBV. Options to run in a lumped or distributed form. Differential Evolution, Robust Parameter Estimation and Brute force algorithms used for calibration. Multi-basin calibration/validation. Various objective functions to evaluate model performance. Basin properties derived using the TauDEM executables. Various plotting routines to visualize results. Take a look at the scripts in the "templates" directory for how to use.

Language: Python - Size: 2.01 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

shashankkotyan/DualQualityAssessment

This github repository contains the official code for the papers, "Robustness Assessment for Adversarial Machine Learning: Problems, Solutions and a Survey of Current Neural Networks and Defenses" and "One Pixel Attack for Fooling Deep Neural Networks"

Language: Python - Size: 44.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

HashemShullar/Intelligent-Control

This repo contains all codes developed (so far) as part of the course EE 556 (Intelligent Control) offered by EE department in KFUPM.

Language: Python - Size: 222 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

safrannn/optimization

different algorithms to find population close to the optimal fitness, including genetic algorithm, differential evolution algorithm, PSO, firefly algorithm, cuckoo search algorithm and whale optimization algorithm in C++.

Language: C++ - Size: 22 MB - Last synced at: 12 months ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 3

SeyedMuhammadHosseinMousavi/Firefly-Algorithm-Image-Color-Quantization-Using-Clustering

Firefly Algorithm Image Color Quantization Using Clustering

Language: MATLAB - Size: 1.5 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

nazgol-nikravesh/DEPTs

DEPTs: Parameter tuning for software fault prediction with different variants of differential evolution *** Parameter tuners for software analytics problems ***

Language: Python - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

JingweiToo/Wrapper-Feature-Selection-Toolbox

This toolbox offers more than 40 wrapper feature selection methods include PSO, GA, DE, ACO, GSA, and etc. They are simple and easy to implement.

Language: MATLAB - Size: 157 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 130 - Forks: 33

TakumaNakao/metaheuristics_optimization

MetaheuristicAlgorithm

Language: C++ - Size: 841 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

JingweiToo/Wrapper-Feature-Selection-Toolbox-Python

This toolbox offers 13 wrapper feature selection methods (PSO, GA, GWO, HHO, BA, WOA, and etc.) with examples. It is simple and easy to implement.

Language: Python - Size: 109 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 181 - Forks: 58

Related Keywords
differential-evolution 218 optimization 72 genetic-algorithm 57 evolutionary-algorithms 46 particle-swarm-optimization 46 optimization-algorithms 28 machine-learning 22 metaheuristics 20 python 20 evolutionary-computation 14 hyperparameter-optimization 14 simulated-annealing 14 evolutionary-algorithm 13 clustering 11 genetic-algorithms 10 classification 9 hyperparameter-tuning 8 neural-network 8 cpp 8 feature-selection 7 cmaes 7 genetic-programming 7 python3 7 pso 7 software-engineering 6 tuning 6 cuckoo-search 6 ant-colony-optimization 6 meta-heuristic 6 firefly-algorithm 6 local-search 6 grey-wolf-optimizer 6 evolution-strategies 6 global-optimization 6 sbse 5 lda 5 artificial-intelligence 5 nsga2 5 artificial-bee-colony 5 random-search 5 nsga-ii 5 stochastic-optimization 5 harmony-search 5 differential-evolution-algorithm 5 matlab 5 parallel 4 released 4 differential-equations 4 multiobjective-optimization 4 tsp 4 random-forest 4 mcmc 4 de 4 monte-carlo 4 blackbox-optimization 4 multi-objective-optimization 4 topic-modeling 4 metaheuristic 4 numerical-optimization 4 data-mining 4 bat-algorithm 4 minimization 4 swarm-intelligence 4 black-box-optimization 4 algorithm 4 java 3 automatic-differentiation 3 defect-prediction 3 dimensionality-reduction 3 text-mining 3 information-retrieval 3 gradient-descent 3 parameter-tuning 3 bees-algorithm 3 neural-networks 3 jade 3 naive-bayes-classifier 3 pso-algorithm 3 r 3 cuda 3 heuristics 3 grid-search 3 deep-learning 3 mpi 3 covid-19 3 flower-pollination-algorithm 3 paper 3 metaheuristic-optimisation 3 metaheuristic-algorithms 3 harris-hawks-optimization 3 optimization-methods 3 whale-optimization-algorithm 3 curve-fitting 3 evolutionary-strategy 3 evolution 3 smote 3 numerical-methods 3 economic-dispatch-problem 2 dotnet 2 brute-force 2