Topic: "optimization-problem"
esa/pygmo2
A Python platform to perform parallel computations of optimisation tasks (global and local) via the asynchronous generalized island model.
Language: C++ - Size: 13.9 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 513 - Forks: 65
iduta/iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 224 - Forks: 42
TheJJ/ceph-balancer
Efficient Ceph placement optimization, aiming for maximum storage capacity through equal OSD utilization.
Language: Python - Size: 370 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 122 - Forks: 34
mstechly/quantum_tsp_tutorials
This repository contains code with tutorials of how to approach optimization problems using quantum computing.
Language: Jupyter Notebook - Size: 835 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 104 - Forks: 38
UM-LPM/EARS
EARS is a free and open-source Java-based framework for ranking, developing, and experimenting with single- and multi-objective evolutionary algorithms
Language: Java - Size: 218 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 25 - Forks: 23
LaurentVeyssier/Pricing-optimization-Model
Optimize revenues through pricing algorithm in python - Demand with uniform distribution
Language: Jupyter Notebook - Size: 164 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 14
WWmore/DOS
ArchGeo library code for the paper "Discrete Orthogonal Structures"
Language: Python - Size: 5.24 MB - Last synced at: about 11 hours ago - Pushed at: 1 day ago - Stars: 19 - Forks: 4
CharJon/GeCO
Generators for Combinatorial Optimization
Language: Python - Size: 422 KB - Last synced at: 9 days ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 4
vikas9087/Bilevel-Optimization-Emissions
Proposed a mathematical model for optimizing the profits and emissions while setting dynamic prices of electricity. A bilevel & multi-objective model is proposed for maximizing profits of retailer, minimizing the emissions produced, & minimizing the total cost of customers.
Language: Jupyter Notebook - Size: 3.66 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 5
felaube/b-spline-trajectories
Optimization of aircraft short-term trajectories, parameterized using B-splines.
Language: MATLAB - Size: 19.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 5
oguerrer/ppi
The model of Policy Priority Inference
Language: Jupyter Notebook - Size: 8.84 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 7
sichkar-valentyn/Transportation_Problem
Transportation Model for an optimal strategy for distributing a commodity from a group of supply centers to various receiving centers. Solved in C# Windows Form Application
Language: C# - Size: 732 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 4
tomjanus/milp-scheduling
Feasibility study on using mixed-integer-linear programming for solving optimal pump scheduling problem in water distribution networks.
Language: MATLAB - Size: 324 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 0
mancunian1792/ipl_mock_auction
Mock IPL auction - Automated decision making
Language: Jupyter Notebook - Size: 313 KB - Last synced at: almost 3 years ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 2
vsdp/SDPLIB
SDPLIB is a collection of semidefinite programming test problems.
Size: 11.5 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 9 - Forks: 2
Pegah-Ardehkhani/Optimization-Problems-and-Solutions
A repository dedicated to the mathematical modeling and solution of optimization problems, featuring practical examples in Stochastic Programming, Linear Programming (LP), and Mixed-Integer Linear Programming (MILP)
Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 1
matcutest/matcutest
MatCUTEst is a package for facilitating the usage of CUTEst (https://github.com/ralna/CUTEst) in MATLAB on Linux.
Language: MATLAB - Size: 363 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 6 - Forks: 1
georgesittas/jobshop-scheduling
Optimal ECLiPSe Prolog job-shop scheduling solver
Language: Prolog - Size: 38.1 KB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1
UNN-ITMM-Software/GCGen
Global Constrained optimization problem Generator
Language: C++ - Size: 581 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 7
SCK22/GeneticAlgorithmTSP
Genetic algorithm code for solving Travelling Salesman Problem
Language: Jupyter Notebook - Size: 5.46 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 10
Faisal-AlDhuwayhi/Solving-TSP-using-MST-Heuristic
Solving TSP for Metric Graphs using MST Heuristic, and comparing the optimal solution with the approximation one
Language: Java - Size: 1.15 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 1
arminarj/convex-optimization-boyd
This is CVXPY implementation of convex optimization additional problems
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1
OpenOptimizationOrg/OPL
Optimisation problem library
Language: Python - Size: 67.4 KB - Last synced at: 26 days ago - Pushed at: 29 days ago - Stars: 5 - Forks: 3
AlexVasegaard/EOSS_GECCO25
This repository holds the content for the GECCO 2025 competition on evolutionary algorithms for Earth Observations Satellite Scheduling!
Size: 1.35 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 5 - Forks: 1
tstran155/Linear-Programming-MILP-DP-NLP-Optimization-With-Python
This notebook serves as an introduction to Linear Programming and MILP with Python, covering both the concepts and practical applications through various popular optimization problems.
Language: Jupyter Notebook - Size: 512 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 2
guillaume-giannantonio/bat-algorithm
A simple JavaScript library implementing the Bat Algorithm for optimization problems.
Language: JavaScript - Size: 203 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1
MRColorR/SVM_ADMM-Distributed
Project to Solve a SVM fitting problem in MATLAB using a consensus distributed ADMM approach and CVX. Two SMW has been trained and tested on different datasets.
Language: MATLAB - Size: 56.6 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0
xxl4tomxu98/Energy_Optimization_Python
Gulp(CBC MILP) optimization and MLP(ANN) forecasting
Language: Jupyter Notebook - Size: 58.5 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0
edenau/bike-sharing-systems-optimization
🚴 A generic model and a distributed algorithm for optimising station-based bike-sharing systems
Language: MATLAB - Size: 17.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 3
shingkid/base-location-optimization
This project aims to recommend effective deployment locations for police emergency response cars.
Language: Python - Size: 11.3 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 4 - Forks: 5
IBM/doframework
A Testing Framework for Decision-Optimization Model Learning Algorithms
Language: Jupyter Notebook - Size: 3.17 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 1
rahulgaur104/ideal-ballooning-solver
A simple eigenvalue solver + optimizer to calculate and reduce the growth rate of a pressure-driven instability in fusion devices
Language: Python - Size: 6.73 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0
javiervales/mt-simulated-annealing
A multi-threaded Simulated Annealing core in C
Language: C - Size: 28.3 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1
mirianfsilva/simplex-method
The Simplex method is an approach to solving linear programming models by hand using slack and pivot variables, also tableaus as a means to finding the optimal solution of an optimization problem. The current implementation uses python language.
Language: Python - Size: 30.3 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 3
stivalaa/traffic_assignment
User equilibrium traffic assignment and models for scheduling road upgrades
Language: C++ - Size: 6.91 MB - Last synced at: 3 days ago - Pushed at: 5 days ago - Stars: 3 - Forks: 2
ytyimin/tart-cherry
Sixty examples of business optimization models
Language: Jupyter Notebook - Size: 415 MB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 3 - Forks: 2
Pegah-Ardehkhani/Combinatorial-Optimization
A collection of algorithms and methods for solving combinatorial optimization problems, including techniques for TSP, Knapsack, and other NP-hard problems using heuristics, metaheuristics, and exact methods
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0
asbestian/lot_sizing
Models the discrete, single-machine, multi-item, single-level lot sizing problem via mixed integer programming
Language: Python - Size: 379 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1
artamonoff/optimization
Материалы к курсу Методы оптимизации и Теория игр МГИМО МИД России
Language: Jupyter Notebook - Size: 6.25 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 4
rmukh/spherical_ridgelets
Package to compute spherical ridgelets
Language: C++ - Size: 460 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0
garyg1/gantt-chart-tool
An offline tool to auto-schedule timelines locally in the browser, using the theorem prover Z3.
Language: JavaScript - Size: 24 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 2
spiralulam/intro_opt_models
This repository contains the code examples of the book "Einführung in Optimierungsmodelle" ("Introduction to Optimization Models") (Sudermann-Merx, 2023)
Language: Python - Size: 117 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0
parmoo/parmoo-solver-farm
A "farm" of multiobjective benchmark problems exhibiting real-world structure and corresponding ParMOO solver scripts
Language: Python - Size: 13.3 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0
orlandopalmeira/Trabalho-CP-2023-2024
Repositório do trabalho prático no âmbito da UC de Computação Paralela (CP) - Mestrado em Engenharia Informática (MEI/MIEI) - Universidade do Minho (UMinho)
Language: C++ - Size: 1.36 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0
AnasNeumann/TSP
A simple Travelling Salesman Problem to solve (optimize) with Java and IBM Cplex - For Learning Purposes
Language: Java - Size: 972 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0
AlgoMathITMO/DPRank
This repository provides an implementation of algorithmic support for dynamic pricing based on surrogate ticket demand modeling for a passenger rail company on open data.
Language: Jupyter Notebook - Size: 61.9 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 3
castroisabel/assignment-problem
Two different solutions for the assignment problem using the GLPK solver and the greedy algorithm.
Language: Python - Size: 224 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0
ealcobaca/alchemist-ai
The Alchemist uses a pool of optimization algorithms and machine learning models to search for viable glass compositions for a given glass transition temperature (Tg) value.
Language: Python - Size: 12.3 MB - Last synced at: almost 3 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1
ElkmanY/tsp-solver
Solving Travelling Salesman Problem using discrete Particle Swarm Optimization.
Language: MATLAB - Size: 194 KB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1
nclv/room-assignment
Optimisation linéaire : application à un problème d'affectation
Language: Python - Size: 5.86 KB - Last synced at: almost 3 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0
rsyamil/gradient-based-hm
Gradient-based history matching with high-fidelity models and reduced latent-space representations.
Language: Jupyter Notebook - Size: 24.4 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1
jamerico/Matlab-Optimization-Algorithms-With-Interface
Many optimization algorithms (with its descriptions) implemented in matlab with a user-friendly interface ready to use.
Language: MATLAB - Size: 3.96 MB - Last synced at: almost 3 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1
quangIO/mTSP
m-Travelling Salesmen linear MIP with Julia
Language: Julia - Size: 19.5 KB - Last synced at: almost 3 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0
hashim21223445/solid-andoka
README.mdConfig files for my GitHub profile.
Language: TypeScript - Size: 542 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0
ranja-sarkar/Optimization-NOGD
Optimization methods other than gradient descent
Language: Jupyter Notebook - Size: 99.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0
moesio-f/py-benchmark-functions Fork of gabriel-ab/optfuncs
Python benchmark functions for Optimization with NumPy, TensorFlow and PyTorch support.
Language: Python - Size: 4.4 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
leonardomagalhaes21/feup-IA 📦
AI projects: seating optimization algorithms and diabetes prediction with machine learning
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0
alishohadaee/Couriers-Planning-Problem
This repository is about Multiple Courier Planning Problem a well-known NP-hard problem.
Language: Python - Size: 2.14 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0
aubin-tchoi/gonggi
Simulator for a die game of risk and reward. Code your own policies and put them face to face!!
Language: Python - Size: 90.8 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0
AlinaGavrish/Evolutionary-Algorithms-Knapsack-problem-and-TSP
This repository is created for educational purposes as part of the Intelligent Systems Lab Assignment. It aims to foster understanding of evolutionary computation techniques and encourage experimentation with genetic algorithms in solving combinatorial optimization problems.
Language: Jupyter Notebook - Size: 495 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
lfguevarag97/Thesis-MSC-2023
Documentación del trabajo de investigación de Tesis de Maestría - Luis Felipe Guevara Gómez
Language: TeX - Size: 130 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
Amirarsalan-sn/RTI-solved-using-simulated-annealing
solving Random 3-SAT(Boolean satisfiability problem) using simulated annealing.
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
Team-Shipyard-Shenanigans/Container-Movement-Optimizer
Our capstone project in Artificial Intelligence
Language: Python - Size: 88.9 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
draialexis/sims_tp4
Language: Java - Size: 383 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
m-RezaFahlevi/GeneticAlgorithms
Solving Real-Parameter Optimization Problem using Real Coded Genetic Algorithm (RCGA)
Language: C++ - Size: 3.61 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
rmukh/TVflowC--
Total Variation (TV) flow implementation in C/C++
Language: C++ - Size: 808 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0
SeyedMuhammadHosseinMousavi/Simple-Scheduling-Problem
Simple Scheduling Problem by Shuffled Frog Leaping Algorithm (SFLA)
Language: MATLAB - Size: 7.81 KB - Last synced at: almost 3 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
prs98/Pallet_Optimization_using_Gurobi-Python
Built a binary LP, pallet optimization model in Gurobi/Python to fit maximum SKUs/boxes on a pallet.
Language: Jupyter Notebook - Size: 5.8 MB - Last synced at: almost 3 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
basri07/PSO-ARP-Sweep-Algorithm
Particle Swarm Optimization for Vehicle Routing Problem - Sweep Algorithm
Language: C# - Size: 2.18 MB - Last synced at: almost 3 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
hifahreza/Fleet-Relocation-for-Communauto-Free-Floating-Car-Sharing-System
Group project on optimizing the fleet distribution within Downtown Montreal to meet certain level of demand in every region. There is no private/confidential data used for this project.
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0
asbestian/connected_subgraph
Solves the connected subgraph problem.
Language: Python - Size: 63.5 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
VernonHawk/EvolutionaryAlgorithms
Evolutionary algorithms experiments
Language: TypeScript - Size: 74.2 KB - Last synced at: almost 3 years ago - Pushed at: over 4 years ago - Stars: 1 - 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: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
bcerjan/LoopHeroOptimizer
Command-line optimization of landscape tile placement in Loop Hero
Language: C - Size: 27.3 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
mdabrowski1990/optimization
Python package for executing optimization algorithm.
Language: Python - Size: 3.4 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
Arashhs/Computational-Intelligence-Programming-Task-1
Solving NP-Complete problems using Genetic Algorithms and Evolution Strategy for my Computational Intelligence course. In the first problem, I have solved the Steiner Tree Problem using Genetic Algorithms. The second problem is an optimization problem, I have implemented an ES algorithm to find the global minimum of the Eggholder function. For the final problem, I have implemented a GA to find an answer for a Constraint Satisfaction Problem (CSP).
Language: Python - Size: 5.98 MB - Last synced at: almost 3 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
vinaychourasiya/ModellingLabCode
IE-507 :Modeling & Computation Lab
Language: AMPL - Size: 1.72 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
pabloazurduy/mkt_mix_model
an MVP for a Marketing Mix Model (MMM) of an online store
Language: Python - Size: 156 KB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
robertofranceschi/Examination-Timetabling-Problem
This project presents a heuristic to solve a simplified version of the examination timetabling problem.
Language: Java - Size: 1.4 MB - Last synced at: almost 3 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0
o-laurent/rocket-design
Language: JavaScript - Size: 2.75 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0
diogosmac/covid-forecast-feup-iart 📦
HashCode solutions and COVID-19 Situation Reports (Classification). Repository for the IART projects that were done in the 19/20 school year.
Language: Jupyter Notebook - Size: 37.7 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0
nphdang/BCD
Bayesian optimization for machine learning model compromise detection
Language: Python - Size: 32.3 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0
sovrasov/global-optimization-test-problems
A set of nonlinear lipschitzian global optimization problems classes
Language: C++ - Size: 37.1 KB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
danilopeixoto/simplex
An implementation of the Simplex method to solve optimization problems.
Language: C++ - Size: 3.91 KB - Last synced at: 7 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
Abhilash3/TSP-GeneticAlgorithm
Program to solve TSP problem using Genetic Algorithms and display the best result per generation in UI
Language: Java - Size: 1.54 MB - Last synced at: almost 3 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0
VectorOptimizationGroup/MOProblems.jl
Benchmark library of vector-valued optimization problems in Julia, with analytic per-objective gradients, filtering functions, and a unified interface for testing and comparisons of multi-objective solvers.
Language: Julia - Size: 287 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0
yrhiba/Booking-Scheduler
A Room Booking Scheduler that assigns booking queries to available rooms within a specified time range.
Language: JavaScript - Size: 39.1 KB - Last synced at: 27 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 2
dfleta/greedy-search
Set covering problem: USA radio stations
Language: Python - Size: 231 KB - Last synced at: 28 days ago - Pushed at: 30 days ago - Stars: 0 - Forks: 0
ferpotenUCLM/Algoritmos-Avanzados-URJC
Repositorio dedicado exclusivamente para la asignatura de Algoritmos Avanzados , se explorarán las soluciones a las prácticas , elaboración de informes y uso de herramientas proporcionadas en la asignatura como AlgorEx.
Size: 54.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
R-Besson/strip-packing-cpp-rewritten
Complete rewrite and suite overhaul to the previous strip-packing-cpp repository
Language: C++ - Size: 2.2 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
aflahelouneg/MARSAC
MARSAC (Multi-Axial Ring Suction for Anistortopy Characterization) is a framework that identifis material parameters of soft material from experimental data acquired in an annular suction test.
Language: Python - Size: 239 MB - Last synced at: 17 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
DrStef/DeltaNotes
Personal notebook of handwritten math notes from MSc/PhD studies. Focus: linear algebra (eigenvalues, matrices), numerical methods (BEM/FEM), acoustics (Helmholtz eq.). Casual sketches for problem-solving. Protected files for privacy.
Size: 5.46 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
rmukh/ukftractography Fork of pnlbwh/ukftractography
Unscented Kalman filter for brain tractography
Language: C - Size: 204 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
FurkannOzyurt/pv-battery-optimization
Optimization framework for maximizing financial returns of photovoltaic (PV) and battery storage systems in the electricity market. The project models different operational scenarios considering market prices, PV generation forecasts, battery state-of-charge, and technical constraints.
Language: Jupyter Notebook - Size: 24.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
Dpbm/qnqueens
Solving NQueens using Quantum computing
Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
PosteruOle/master_thesis
This repository will contain the implementation and explanation of my master's thesis at the Faculty of Mathematics within the University of Belgrade.
Language: C++ - Size: 3.15 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 1
RoykovskiAlmazan/Bezier_EvolDif
This work presents a reference generator for spider robot legs using Bézier polynomials optimized by a genetic algorithm. A bilevel approach defines the number and parameters of polynomials, considering both motion accuracy and computational cost. Results are validated in a simulation environment.
Language: Python - Size: 200 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
dfleta/mastermind-genetic-algorithm
Solving the mastermind game using genetic algorithms
Language: Python - Size: 3.67 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
Spaghetti-Overflow/Reply-HackTheCode-2025
Repo for the Reply Hack The Code 2025 Challenge
Language: Python - Size: 2.78 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
rusyaev-dk/microcircuit_optimization
Optimized stack-based exponentiation for efficient RSA computation. Implements a microcircuit model with minimal clock cycles using binary exponentiation and greedy decomposition.
Language: C++ - Size: 18.4 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0