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

Topic: "hyperparameter-tuning"

microsoft/nni 📦

An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.

Language: Python - Size: 127 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 14,287 - Forks: 1,834

wandb/wandb

The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.

Language: Python - Size: 184 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 10,470 - Forks: 787

skypilot-org/skypilot

Run, manage, and scale AI workloads on any AI infrastructure. Use one system to access & manage all AI compute (Kubernetes, 17+ clouds, or on-prem).

Language: Python - Size: 201 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 8,873 - Forks: 825

automl/auto-sklearn

Automated Machine Learning with scikit-learn

Language: Python - Size: 121 MB - Last synced at: 8 days ago - Pushed at: 16 days ago - Stars: 7,981 - Forks: 1,310

amanchadha/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

Language: Jupyter Notebook - Size: 206 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3,791 - Forks: 2,535

determined-ai/determined

Determined is an open-source machine learning platform that simplifies distributed training, hyperparameter tuning, experiment tracking, and resource management. Works with PyTorch and TensorFlow.

Language: Go - Size: 198 MB - Last synced at: 1 day ago - Pushed at: 8 months ago - Stars: 3,192 - Forks: 370

scikit-optimize/scikit-optimize 📦

Sequential model-based optimization with a `scipy.optimize` interface

Language: Python - Size: 8.99 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 2,794 - Forks: 555

DLR-RM/rl-baselines3-zoo

A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.

Language: Python - Size: 3.83 MB - Last synced at: 21 days ago - Pushed at: 2 months ago - Stars: 2,577 - Forks: 569

kubeflow/katib

Automated Machine Learning on Kubernetes

Language: Python - Size: 101 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1,635 - Forks: 488

google/vizier

Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.

Language: Python - Size: 4.72 MB - Last synced at: 7 days ago - Pushed at: 9 days ago - Stars: 1,604 - Forks: 106

LiYangHart/Hyperparameter-Optimization-of-Machine-Learning-Algorithms

Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)

Language: Jupyter Notebook - Size: 235 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 1,293 - Forks: 304

automl/SMAC3

SMAC3: A Versatile Bayesian Optimization Package for Hyperparameter Optimization

Language: Python - Size: 154 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1,201 - Forks: 239

araffin/rl-baselines-zoo 📦

A collection of 100+ pre-trained RL agents using Stable Baselines, training and hyperparameter optimization included.

Language: Python - Size: 367 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 1,182 - Forks: 209

AgileRL/AgileRL

Streamlining reinforcement learning with RLOps. State-of-the-art RL algorithms and tools, with 10x faster training through evolutionary hyperparameter optimization.

Language: Python - Size: 61.7 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 836 - Forks: 66

alteryx/evalml

EvalML is an AutoML library written in python.

Language: Python - Size: 16.3 MB - Last synced at: 3 days ago - Pushed at: 10 days ago - Stars: 831 - Forks: 91

MIND-Lab/OCTIS

OCTIS: Comparing Topic Models is Simple! A python package to optimize and evaluate topic models (accepted at EACL2021 demo track)

Language: Python - Size: 168 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 784 - Forks: 115

onepanelio/onepanel

The open source, end-to-end computer vision platform. Label, build, train, tune, deploy and automate in a unified platform that runs on any cloud and on-premises.

Language: Go - Size: 29.4 MB - Last synced at: about 19 hours ago - Pushed at: over 2 years ago - Stars: 730 - Forks: 72

HunterMcGushion/hyperparameter_hunter

Easy hyperparameter optimization and automatic result saving across machine learning algorithms and libraries

Language: Python - Size: 7.27 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 708 - Forks: 101

Western-OC2-Lab/AutoML-Implementation-for-Static-and-Dynamic-Data-Analytics

Implementation/Tutorial of using Automated Machine Learning (AutoML) methods for static/batch and online/continual learning

Language: Jupyter Notebook - Size: 5.43 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 629 - Forks: 112

Neuraxio/Neuraxle

The world's cleanest AutoML library ✨ - Do hyperparameter tuning with the right pipeline abstractions to write clean deep learning production pipelines. Let your pipeline steps have hyperparameter spaces. Design steps in your pipeline like components. Compatible with Scikit-Learn, TensorFlow, and most other libraries, frameworks and MLOps environments.

Language: Python - Size: 8.16 MB - Last synced at: 26 days ago - Pushed at: 6 months ago - Stars: 613 - Forks: 63

zygmuntz/hyperband

Tuning hyperparams fast with Hyperband

Language: Python - Size: 370 KB - Last synced at: 7 months ago - Pushed at: about 7 years ago - Stars: 593 - Forks: 72

BCG-X-Official/facet

Human-explainable AI.

Language: Jupyter Notebook - Size: 53.1 MB - Last synced at: 6 days ago - Pushed at: about 2 months ago - Stars: 525 - Forks: 47

ray-project/tune-sklearn 📦

A drop-in replacement for Scikit-Learn’s GridSearchCV / RandomizedSearchCV -- but with cutting edge hyperparameter tuning techniques.

Language: Python - Size: 13.8 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 469 - Forks: 51

ARM-software/mango

Parallel Hyperparameter Tuning in Python

Language: Jupyter Notebook - Size: 54.6 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 419 - Forks: 48

syne-tune/syne-tune

Large scale and asynchronous Hyperparameter and Architecture Optimization at your fingertips.

Language: Python - Size: 10.9 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 416 - Forks: 57

IBM/lale

Library for Semi-Automated Data Science

Language: Python - Size: 40.9 MB - Last synced at: 13 days ago - Pushed at: about 1 month ago - Stars: 345 - Forks: 84

sherpa-ai/sherpa

Hyperparameter optimization that enables researchers to experiment, visualize, and scale quickly.

Language: JavaScript - Size: 5.57 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 341 - Forks: 53

WarBean/hyperboard

A web-based dashboard for Deep Learning

Language: JavaScript - Size: 396 KB - Last synced at: 2 months ago - Pushed at: over 8 years ago - Stars: 336 - Forks: 73

awslabs/Renate

Library for automatic retraining and continual learning

Language: Python - Size: 6.58 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 297 - Forks: 6

awslabs/adatune

Gradient based Hyperparameter Tuning library in PyTorch

Language: Python - Size: 979 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 290 - Forks: 32

ppant/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.

Language: Jupyter Notebook - Size: 42.9 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 284 - Forks: 158

DataCanvasIO/Hypernets

A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.

Language: Python - Size: 17.8 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 265 - Forks: 40

lettergram/sentence-classification

Sentence Classifications with Neural Networks

Language: Python - Size: 105 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 237 - Forks: 35

Alex-Lekov/AutoML_Alex

State-of-the art Automated Machine Learning python library for Tabular Data

Language: Python - Size: 25.9 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 233 - Forks: 45

jsingh811/pyAudioProcessing

Audio feature extraction and classification

Language: Python - Size: 22.9 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 227 - Forks: 41

Mattdl/CLsurvey

Continual Hyperparameter Selection Framework. Compares 11 state-of-the-art Lifelong Learning methods and 4 baselines. Official Codebase of "A continual learning survey: Defying forgetting in classification tasks." in IEEE TPAMI.

Language: Python - Size: 165 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 203 - Forks: 24

LGE-ARC-AdvancedAI/auptimizer

An automatic ML model optimization tool.

Language: Python - Size: 52.1 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 200 - Forks: 28

MattKleinsmith/pbt

Population Based Training (in PyTorch with sqlite3). Status: Unsupported

Language: Python - Size: 120 KB - Last synced at: 8 months ago - Pushed at: almost 8 years ago - Stars: 166 - Forks: 25

NVIDIA/Milano 📦

Milano is a tool for automating hyper-parameters search for your models on a backend of your choice.

Language: Python - Size: 351 KB - Last synced at: 9 days ago - Pushed at: almost 7 years ago - Stars: 155 - Forks: 25

WilliamLwj/PyXAB

PyXAB - A Python Library for X-Armed Bandit and Online Blackbox Optimization Algorithms

Language: Python - Size: 13.8 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 125 - Forks: 30

guillaume-chevalier/Hyperopt-Keras-CNN-CIFAR-100

Auto-optimizing a neural net (and its architecture) on the CIFAR-100 dataset. Could be easily transferred to another dataset or another classification task.

Language: Python - Size: 119 MB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 106 - Forks: 76

rick12000/confopt

A Library for Conformal Hyperparameter Tuning

Language: Python - Size: 1.68 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 102 - Forks: 5

google-research/hyperbo

Pre-trained Gaussian processes for Bayesian optimization

Language: Python - Size: 194 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 91 - Forks: 8

logicalclocks/maggy

Distribution transparent Machine Learning experiments on Apache Spark

Language: Python - Size: 5.74 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 91 - Forks: 14

ML-GSAI/Scaling-Diffusion-Transformers-muP

Official implementation for our paper "Scaling Diffusion Transformers Efficiently via μP".

Language: Python - Size: 5.6 MB - Last synced at: about 14 hours ago - Pushed at: about 16 hours ago - Stars: 90 - Forks: 1

gmontamat/gentun

Hyperparameter tuning for machine learning models using a distributed genetic algorithm

Language: Python - Size: 622 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 89 - Forks: 19

layerai-archive/sdk 📦

Metadata store for Production ML

Language: Python - Size: 2.22 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 88 - Forks: 6

klieret/wandb-offline-sync-hook

A convenient way to trigger synchronizations to wandb / Weights & Biases if your compute nodes don't have internet!

Language: Python - Size: 215 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 85 - Forks: 7

thomas-young-2013/open-box

Generalized and Efficient Blackbox Optimization System.

Language: Python - Size: 32.2 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 83 - Forks: 85

evhub/bbopt

Black box hyperparameter optimization made easy.

Language: Python - Size: 1.22 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 75 - Forks: 8

Ankit-Kumar-Saini/Coursera_Deep_Learning_Specialization

Implementation of Logistic Regression, MLP, CNN, RNN & LSTM from scratch in python. Training of deep learning models for image classification, object detection, and sequence processing (including transformers implementation) in TensorFlow.

Language: Jupyter Notebook - Size: 208 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 74 - Forks: 54

openmole/mgo

Purely functional genetic algorithms for multi-objective optimisation

Language: Scala - Size: 3.33 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 72 - Forks: 5

MLBazaar/MLPrimitives

Primitives for machine learning and data science.

Language: Python - Size: 9.98 MB - Last synced at: about 2 months ago - Pushed at: 12 months ago - Stars: 72 - Forks: 38

BenChaliah/TimeSeriesGAN

GANs for Time series analysis (Synthetic data generation, anomaly detection and interpolation), Hypertuning using Optuna, MLFlow and Databricks

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 70 - Forks: 4

thuijskens/scikit-hyperband

A scikit-learn compatible implementation of hyperband

Language: Python - Size: 5.42 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 70 - Forks: 16

pabaq/Coursera-Deep-Learning-Specialization

Programming assignments and lecture notes of the Deep Learning Specialization taught by Andrew Ng and offered by deeplearning.ai on Coursera.

Language: Jupyter Notebook - Size: 326 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 19

MLopez-Ibanez/irace

Iterated Racing for Automatic Algorithm Configuration

Language: R - Size: 27.4 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 66 - Forks: 17

jia-zhuang/xgboost-lightgbm-hyperparameter-tuning

Bayesian Optimization and Grid Search for xgboost/lightgbm

Language: Python - Size: 5.86 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 66 - Forks: 15

polyaxon/hypertune

A library for performing hyperparameter optimization

Language: Python - Size: 118 MB - Last synced at: 5 days ago - Pushed at: 6 months ago - Stars: 63 - Forks: 9

thomas-young-2013/mindware

An efficient open-source AutoML system for automating machine learning lifecycle, including feature engineering, neural architecture search, and hyper-parameter tuning.

Language: Python - Size: 63 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 63 - Forks: 28

mlr-org/mlr3tuning

Hyperparameter optimization package of the mlr3 ecosystem

Language: R - Size: 11.5 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 59 - Forks: 8

ahsan-83/Deep-Learning-Specialization-Coursera

Deep Learning Specialization course offered by DeepLearning.AI on Coursera

Language: Jupyter Notebook - Size: 160 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 53 - Forks: 19

gmortuza/Deep-Learning-Specialization

This repository contains the programming assignments and slides from the deep learning course from coursera offered by deeplearning.ai

Language: Jupyter Notebook - Size: 198 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 53 - Forks: 30

PacktWorkshops/The-Deep-Learning-with-Keras-Workshop

An Interactive Approach to Understanding Deep Learning with Keras

Language: Jupyter Notebook - Size: 229 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 51 - Forks: 91

dc-aichara/DS-ML-Public

Python Scripts and Jupyter Notebooks

Language: Jupyter Notebook - Size: 3.15 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 51 - Forks: 38

ytopt-team/ytopt

ytopt: machine-learning-based autotuning and hyperparameter optimization framework using Bayesian Optimization

Language: C - Size: 97.7 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 50 - Forks: 18

ssisOneTeam/Korean-Embedding-Model-Performance-Benchmark-for-Retriever

Korean Sentence Embedding Model Performance Benchmark for RAG

Language: Jupyter Notebook - Size: 5.32 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 46 - Forks: 4

YuchenJin/autolrs

Automatic learning-rate scheduler

Language: Python - Size: 4.21 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 46 - Forks: 9

VicentePerezSoloviev/EDAspy

Estimation of Distribution algorithms Python package

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 41 - Forks: 9

balavenkatesh3322/hyperparameter_tuning

A collection of Hyper parameter tuning library.

Size: 63.5 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 41 - Forks: 7

Helmholtz-AI-Energy/propulate

Propulate is an asynchronous population-based optimization algorithm and software package for global optimization and hyperparameter search on high-performance computers.

Language: Python - Size: 8.08 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 40 - Forks: 8

zmyzheng/Neural-Networks-and-Deep-Learning

Deep learning projects including applications (face recognition, neural style transfer, autonomous driving, sign language reading, music generation, translation, speech recognition and NLP) and theories (CNNs, RNNs, LSTM, Adam, Dropout, BatchNorm, Xavier/He initialization, hyperparameter tuning, regularization, optimization, Residual Networks). Deep Learning Specialization by Andrew Ng, deeplearning.ai

Language: Jupyter Notebook - Size: 662 MB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 40 - Forks: 13

fugue-project/tune

An abstraction layer for parameter tuning

Language: Python - Size: 414 KB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 35 - Forks: 3

Jamie1377/STA410

A statistical computations and ML orientated Python package to predict stock price.

Language: Jupyter Notebook - Size: 34.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 34 - Forks: 2

EagerAI/kerastuneR

R interface to Keras Tuner

Language: R - Size: 66.2 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 6

machinelearningnuremberg/QuickTune

[ICLR2024] Quick-Tune: Quickly Learning Which Pretrained Model to Finetune and How

Language: Python - Size: 5.86 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 33 - Forks: 4

Cavendish518/LE-Nav

This work investigates automatic hyperparameter tuning for planners such as DWA and TEB, and our navigation framework LE-Nav can be used to adjust hyperparameters of any optimization-based planner.

Language: Python - Size: 18.7 MB - Last synced at: 23 days ago - Pushed at: about 2 months ago - Stars: 32 - Forks: 1

Western-OC2-Lab/AutoML-and-Adversarial-Attack-Defense-for-Zero-Touch-Network-Security

This repository includes code for the AutoML-based IDS and adversarial attack defense case studies presented in the paper "Enabling AutoML for Zero-Touch Network Security: Use-Case Driven Analysis" published in IEEE Transactions on Network and Service Management.

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 32 - Forks: 9

determined-ai/determined-examples

Example ML projects that use the Determined library.

Language: Python - Size: 2.73 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 32 - Forks: 3

eHarmony/spotz

Spark Parameter Optimization and Tuning

Language: Scala - Size: 227 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 31 - Forks: 8

sibirbil/marsopt

Mixed Adaptive Random Search (MARS) for Optimization

Language: Python - Size: 41 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 30 - Forks: 2

oskar-j/awesome-auto-ml

Awesome list of AutoML frameworks - curated by @oskar-j

Size: 25.4 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 8

ISG-Siegen/Auto-Surprise

An AutoRecSys library for Surprise. Automate algorithm selection and hyperparameter tuning :rocket:

Language: Python - Size: 181 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 2

ConsBiol-unibern/SDMtune

Performs Variables selection and model tuning for Species Distribution Models (SDMs). It provides also several utilities to display results.

Language: R - Size: 203 MB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 27 - Forks: 10

PhilipMay/mltb 📦

Machine Learning Tool Box

Language: Python - Size: 135 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 27 - Forks: 9

amzn/differential-privacy-bayesian-optimization 📦

This repo contains the underlying code for all the experiments from the paper: "Automatic Discovery of Privacy-Utility Pareto Fronts"

Language: Python - Size: 7.37 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 15

ChristophAlt/tuna

Hyperparameter search for AllenNLP - powered by Ray TUNE

Language: Python - Size: 43.9 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 27 - Forks: 2

mlr-org/mlr3mbo

Flexible Bayesian Optimization in R

Language: R - Size: 13.8 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 26 - Forks: 1

XAheli/Predicting-Indian-Stocks-Price-with-Stacked-LSTM

Predicting Indian stock prices using Stacked LSTM model. Analysing Reliance, Tata Steel, HDFC Bank, Infosys data. Data prep, EDA, hyperparameter tuning.

Language: Jupyter Notebook - Size: 1.61 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 26 - Forks: 5

mlr-org/bbotk

Black-box optimization framework for R.

Language: R - Size: 24.4 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 24 - Forks: 10

sambo-optimization/sambo

🎯 📈 Sequential And Model-Based Optimization with SCE-UA, SMBO, and SHGO algos. No deps—SOTA perfomance.

Language: Python - Size: 144 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 24 - Forks: 0

medoidai/skrobot

skrobot is a Python module for designing, running and tracking Machine Learning experiments / tasks. It is built on top of scikit-learn framework.

Language: Python - Size: 47.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 24 - Forks: 2

JayThibs/map-floodwater-satellite-imagery

This repository focuses on training semantic segmentation models to predict the presence of floodwater for disaster prevention. Models were trained using SageMaker and Colab.

Language: Jupyter Notebook - Size: 105 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 24 - Forks: 4

Zheng-Meng/Reservoir-Computing-and-Hyperparameter-Optimization

Reservoir computing for short-and long-term prediction of chaotic systems, with tasks Lorenz and Mackey-Glass systems. Bayesian optimization (hyperparameter optimization algorithm) is used to tune the hyperparameters and improve the performance.

Language: MATLAB - Size: 19.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 23 - Forks: 0

grailbio/diviner

Diviner is a serverless machine learning and hyper parameter tuning platform

Language: Go - Size: 254 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 23 - Forks: 2

michael-cummins/DeePC-Hunt

[L4DC 2025] Automatic hyperparameter tuning for DeePC. Built by Michael Cummins at the Automatic Control Laboratory, ETH Zurich.

Language: Python - Size: 26.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 22 - Forks: 2

nf-core/drugresponseeval

Pipeline for testing drug response prediction models in a statistically and biologically sound way.

Language: Nextflow - Size: 7.62 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 22 - Forks: 5

Yard1/hpbandster-sklearn

A scikit-learn wrapper for HpBandSter hyper parameter search.

Language: Python - Size: 125 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 22 - Forks: 2

holgern/scikit-optimize

Sequential model-based optimization with a `scipy.optimize` interface

Language: Python - Size: 19.8 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 2

avacaondata/nlpboost

Python library for automatic training, optimization and comparison of Transformer models on most NLP tasks.

Language: Python - Size: 4.14 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 3

Related Topics
machine-learning 537 python 333 hyperparameter-optimization 219 deep-learning 205 data-science 174 feature-engineering 167 random-forest 141 logistic-regression 140 classification 119 scikit-learn 111 exploratory-data-analysis 105 xgboost 104 pandas 102 gridsearchcv 100 data-visualization 93 tensorflow 89 machine-learning-algorithms 86 cross-validation 76 neural-network 71 numpy 70 optimization 67 keras 65 neural-networks 65 linear-regression 64 python3 63 sklearn 63 eda 60 automl 58 random-forest-classifier 58 pytorch 58 data-preprocessing 56 feature-selection 56 bayesian-optimization 55 decision-trees 55 data-analysis 55 regression 52 optuna 49 jupyter-notebook 48 convolutional-neural-networks 45 model-evaluation 45 regularization 45 supervised-learning 42 image-classification 41 data-cleaning 41 cnn 40 hyperparameter-search 38 xgboost-classifier 37 matplotlib 36 seaborn 36 decision-tree-classifier 34 ensemble-learning 33 svm-classifier 33 visualization 32 deep-neural-networks 30 decision-tree 29 computer-vision 29 nlp 29 lightgbm 28 regression-models 28 artificial-intelligence 28 predictive-modeling 27 natural-language-processing 27 lstm 27 svm 27 pipeline 27 smote 25 streamlit 25 model-selection 25 transfer-learning 25 coursera 24 keras-tensorflow 23 artificial-neural-networks 23 knn 22 gradient-boosting 22 ai 22 randomizedsearchcv 21 tuning 21 ml 21 hyperopt 20 grid-search 20 mlops 20 confusion-matrix 19 supervised-machine-learning 18 knn-classification 18 naive-bayes-classifier 18 model-deployment 18 automated-machine-learning 18 feature-importance 18 ridge-regression 18 reinforcement-learning 18 optimization-algorithms 17 genetic-algorithm 17 deployment 17 recurrent-neural-networks 17 gradient-boosting-classifier 17 evaluation-metrics 16 lasso-regression 16 classification-model 16 pca 16 fine-tuning 16