7086 Open source projects that are alternatives of or similar to Hyperparameter Optimization Of Machine Learning Algorithms

Scikit Optimize
Sequential model-based optimization with a `scipy.optimize` interface
Stars: ✭ 2,258 (+337.6%)
Hyperparameter hunter
Easy hyperparameter optimization and automatic result saving across machine learning algorithms and libraries
Stars: ✭ 648 (+25.58%)
syne-tune
Large scale and asynchronous Hyperparameter Optimization at your fingertip.
Stars: ✭ 105 (-79.65%)
mindware
An efficient open-source AutoML system for automating machine learning lifecycle, including feature engineering, neural architecture search, and hyper-parameter tuning.
Stars: ✭ 34 (-93.41%)
Deeplearning.ai Notes
These are my notes which I prepared during deep learning specialization taught by AI guru Andrew NG. I have used diagrams and code snippets from the code whenever needed but following The Honor Code.
Stars: ✭ 262 (-49.22%)
Chocolate
A fully decentralized hyperparameter optimization framework
Stars: ✭ 112 (-78.29%)
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-23.45%)
Mutual labels:  jupyter-notebook, svm, random-forest
Pysot
Surrogate Optimization Toolbox for Python
Stars: ✭ 136 (-73.64%)
The Deep Learning With Keras Workshop
An Interactive Approach to Understanding Deep Learning with Keras
Stars: ✭ 34 (-93.41%)
Cornell Moe
A Python library for the state-of-the-art Bayesian optimization algorithms, with the core implemented in C++.
Stars: ✭ 198 (-61.63%)
Sherpa
Hyperparameter optimization that enables researchers to experiment, visualize, and scale quickly.
Stars: ✭ 289 (-43.99%)
Smac3
Sequential Model-based Algorithm Configuration
Stars: ✭ 564 (+9.3%)
differential-privacy-bayesian-optimization
This repo contains the underlying code for all the experiments from the paper: "Automatic Discovery of Privacy-Utility Pareto Fronts"
Stars: ✭ 22 (-95.74%)
ultraopt
Distributed Asynchronous Hyperparameter Optimization better than HyperOpt. 比HyperOpt更强的分布式异步超参优化库。
Stars: ✭ 93 (-81.98%)
Rl Baselines3 Zoo
A collection of pre-trained RL agents using Stable Baselines3, training and hyperparameter optimization included.
Stars: ✭ 161 (-68.8%)
Rl Baselines Zoo
A collection of 100+ pre-trained RL agents using Stable Baselines, training and hyperparameter optimization included.
Stars: ✭ 839 (+62.6%)
Far Ho
Gradient based hyperparameter optimization & meta-learning package for TensorFlow
Stars: ✭ 161 (-68.8%)
Auto Sklearn
Automated Machine Learning with scikit-learn
Stars: ✭ 5,916 (+1046.51%)
Hyperopt.jl
Hyperparameter optimization in Julia.
Stars: ✭ 144 (-72.09%)
Mlrmbo
Toolbox for Bayesian Optimization and Model-Based Optimization in R
Stars: ✭ 173 (-66.47%)
Hyperactive
A hyperparameter optimization and data collection toolbox for convenient and fast prototyping of machine-learning models.
Stars: ✭ 182 (-64.73%)
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+1059.69%)
Mgo
Purely functional genetic algorithms for multi-objective optimisation
Stars: ✭ 63 (-87.79%)
Bayesian Optimization
Python code for bayesian optimization using Gaussian processes
Stars: ✭ 245 (-52.52%)
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-63.57%)
Simple
Experimental Global Optimization Algorithm
Stars: ✭ 450 (-12.79%)
Solid
🎯 A comprehensive gradient-free optimization framework written in Python
Stars: ✭ 546 (+5.81%)
naturalselection
A general-purpose pythonic genetic algorithm.
Stars: ✭ 17 (-96.71%)
Nni
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
Stars: ✭ 10,698 (+1973.26%)
Fantasy Basketball
Scraping statistics, predicting NBA player performance with neural networks and boosting algorithms, and optimising lineups for Draft Kings with genetic algorithm. Capstone Project for Machine Learning Engineer Nanodegree by Udacity.
Stars: ✭ 146 (-71.71%)
NeuroEvolution-Flappy-Bird
A comparison between humans, neuroevolution and multilayer perceptrons playing Flapy Bird implemented in Python
Stars: ✭ 17 (-96.71%)
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+546.12%)
Mutual labels:  jupyter-notebook, svm, random-forest
zoofs
zoofs is a python library for performing feature selection using a variety of nature-inspired wrapper algorithms. The algorithms range from swarm-intelligence to physics-based to Evolutionary. It's easy to use , flexible and powerful tool to reduce your feature size.
Stars: ✭ 142 (-72.48%)
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (-89.73%)
Gradient Free Optimizers
Simple and reliable optimization with local, global, population-based and sequential techniques in numerical discrete search spaces.
Stars: ✭ 711 (+37.79%)
Machine Learning Without Any Libraries
This is a collection of some of the important machine learning algorithms which are implemented with out using any libraries. Libraries such as numpy and pandas are used to improve computational complexity of algorithms
Stars: ✭ 77 (-85.08%)
mango
Parallel Hyperparameter Tuning in Python
Stars: ✭ 241 (-53.29%)
Python Ml Course
Curso de Introducción a Machine Learning con Python
Stars: ✭ 442 (-14.34%)
wargames
two soldiers shooting at each other, controlled by a neural network with a genetic algorithm.
Stars: ✭ 22 (-95.74%)
maggy
Distribution transparent Machine Learning experiments on Apache Spark
Stars: ✭ 83 (-83.91%)
mltb
Machine Learning Tool Box
Stars: ✭ 25 (-95.16%)
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (-92.25%)
Mutual labels:  random-forest, svm
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-95.93%)
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-91.86%)
Mutual labels:  svm, machine-learning-algorithms
artificial neural networks
A collection of Methods and Models for various architectures of Artificial Neural Networks
Stars: ✭ 40 (-92.25%)
osprey
🦅Hyperparameter optimization for machine learning pipelines 🦅
Stars: ✭ 71 (-86.24%)
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (-44.77%)
Mutual labels:  random-forest, svm
geneal
A genetic algorithm implementation in python
Stars: ✭ 47 (-90.89%)
Mutual labels:  optimization, genetic-algorithm
modest-py
FMI-compliant Model Estimation in Python
Stars: ✭ 40 (-92.25%)
Mutual labels:  optimization, genetic-algorithm
pikaia
Modern Fortran Edition of the Pikaia Genetic Algorithm
Stars: ✭ 29 (-94.38%)
Mutual labels:  optimization, genetic-algorithm
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (-3.49%)
Mutual labels:  svm, random-forest
goga
Go evolutionary algorithm is a computer library for developing evolutionary and genetic algorithms to solve optimisation problems with (or not) many constraints and many objectives. Also, a goal is to handle mixed-type representations (reals and integers).
Stars: ✭ 39 (-92.44%)
Mutual labels:  optimization, genetic-algorithm
bbopt
Black box hyperparameter optimization made easy.
Stars: ✭ 66 (-87.21%)
xgboost-lightgbm-hyperparameter-tuning
Bayesian Optimization and Grid Search for xgboost/lightgbm
Stars: ✭ 40 (-92.25%)
hyper-engine
Python library for Bayesian hyper-parameters optimization
Stars: ✭ 80 (-84.5%)
polystores
A library for performing hyperparameter optimization
Stars: ✭ 48 (-90.7%)
mlrHyperopt
Easy Hyper Parameter Optimization with mlr and mlrMBO.
Stars: ✭ 30 (-94.19%)
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-93.6%)
Mutual labels:  random-forest, svm
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-94.57%)
Mutual labels:  random-forest, svm
CamelsOptimizer
Yes, it's a camel case.
Stars: ✭ 17 (-96.71%)
1-60 of 7086 similar projects