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: 4 days ago - Pushed at: 11 months ago - Stars: 14,195 - Forks: 1,817

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: 172 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 9,898 - Forks: 744

skypilot-org/skypilot

SkyPilot: Run AI and batch jobs on any infra (Kubernetes or 16+ clouds). Get unified execution, cost savings, and high GPU availability via a simple interface.

Language: Python - Size: 154 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 8,147 - Forks: 655

automl/auto-sklearn

Automated Machine Learning with scikit-learn

Language: Python - Size: 121 MB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 7,839 - Forks: 1,303

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: 207 MB - Last synced at: 12 days ago - Pushed at: 23 days ago - Stars: 3,680 - Forks: 2,511

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: 4 days ago - Pushed at: 2 months ago - Stars: 3,142 - Forks: 364

scikit-optimize/scikit-optimize πŸ“¦

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

Language: Python - Size: 8.99 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2,766 - Forks: 552

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.81 MB - Last synced at: 3 days ago - Pushed at: 13 days ago - Stars: 2,430 - Forks: 554

kubeflow/katib

Automated Machine Learning on Kubernetes

Language: Python - Size: 100 MB - Last synced at: 12 days ago - Pushed at: 20 days ago - Stars: 1,579 - Forks: 474

google/vizier

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

Language: Python - Size: 4.69 MB - Last synced at: 12 days ago - Pushed at: 25 days ago - Stars: 1,560 - Forks: 100

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: 9 days ago - Pushed at: over 2 years ago - Stars: 1,293 - Forks: 304

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: 17 days ago - Pushed at: over 2 years ago - Stars: 1,175 - Forks: 209

automl/SMAC3

SMAC3: A Versatile Bayesian Optimization Package for Hyperparameter Optimization

Language: Python - Size: 155 MB - Last synced at: 6 days ago - Pushed at: 11 days ago - Stars: 1,161 - Forks: 235

alteryx/evalml

EvalML is an AutoML library written in python.

Language: Python - Size: 16.3 MB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 808 - Forks: 89

AgileRL/AgileRL

Streamlining reinforcement learning with RLOps. State-of-the-art RL algorithms and tools.

Language: Python - Size: 60.3 MB - Last synced at: about 7 hours ago - Pushed at: 2 days ago - Stars: 771 - Forks: 63

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: 5 days ago - Pushed at: 10 months ago - Stars: 766 - Forks: 113

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: 9 days ago - Pushed at: over 2 years ago - Stars: 728 - Forks: 71

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: 9 days ago - Pushed at: over 4 years ago - Stars: 707 - 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: 25 days ago - Pushed at: about 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: 9 days ago - Pushed at: 29 days ago - Stars: 612 - Forks: 62

zygmuntz/hyperband

Tuning hyperparams fast with Hyperband

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

BCG-X-Official/facet

Human-explainable AI.

Language: Jupyter Notebook - Size: 50.5 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 521 - 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: 13 days ago - Pushed at: over 1 year ago - Stars: 468 - Forks: 51

ARM-software/mango

Parallel Hyperparameter Tuning in Python

Language: Jupyter Notebook - Size: 54.6 MB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 416 - Forks: 48

syne-tune/syne-tune

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

Language: Python - Size: 10.5 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 404 - Forks: 52

WarBean/hyperboard

A web-based dashboard for Deep Learning

Language: JavaScript - Size: 396 KB - Last synced at: 18 days ago - Pushed at: almost 8 years ago - Stars: 338 - Forks: 73

sherpa-ai/sherpa

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

Language: JavaScript - Size: 5.57 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 337 - Forks: 54

IBM/lale

Library for Semi-Automated Data Science

Language: Python - Size: 40.8 MB - Last synced at: 11 days ago - Pushed at: 25 days ago - Stars: 335 - Forks: 80

awslabs/Renate

Library for automatic retraining and continual learning

Language: Python - Size: 6.58 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 293 - Forks: 6

awslabs/adatune

Gradient based Hyperparameter Tuning library in PyTorch

Language: Python - Size: 979 KB - Last synced at: 12 days ago - Pushed at: almost 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 days ago - Pushed at: 5 days 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: 9 days ago - Pushed at: about 2 months ago - Stars: 267 - Forks: 41

lettergram/sentence-classification

Sentence Classifications with Neural Networks

Language: Python - Size: 105 MB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 237 - Forks: 36

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: about 15 hours ago - Pushed at: over 1 year ago - Stars: 233 - Forks: 45

jsingh811/pyAudioProcessing

Audio feature extraction and classification

Language: Python - Size: 22.9 MB - Last synced at: 24 days ago - Pushed at: almost 2 years ago - Stars: 225 - Forks: 39

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: 24 days ago - Pushed at: almost 4 years ago - Stars: 202 - Forks: 24

LGE-ARC-AdvancedAI/auptimizer

An automatic ML model optimization tool.

Language: Python - Size: 52.1 MB - Last synced at: 29 days ago - Pushed at: over 2 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: 2 months ago - Pushed at: over 7 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: 2 months ago - Pushed at: over 6 years ago - Stars: 155 - Forks: 23

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: 7 months ago - Stars: 126 - 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: about 2 months ago - Pushed at: about 7 years ago - Stars: 106 - Forks: 76

google-research/hyperbo

Pre-trained Gaussian processes for Bayesian optimization

Language: Python - Size: 194 KB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 90 - Forks: 8

logicalclocks/maggy

Distribution transparent Machine Learning experiments on Apache Spark

Language: Python - Size: 5.74 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 90 - Forks: 14

gmontamat/gentun

Hyperparameter tuning for machine learning models using a distributed genetic algorithm

Language: Python - Size: 622 KB - Last synced at: 17 days ago - Pushed at: 8 months ago - Stars: 89 - Forks: 19

layerai-archive/sdk πŸ“¦

Metadata store for Production ML

Language: Python - Size: 2.22 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 88 - Forks: 6

thomas-young-2013/open-box

Generalized and Efficient Blackbox Optimization System.

Language: Python - Size: 32.2 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 83 - Forks: 82

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: 242 KB - Last synced at: 8 days ago - Pushed at: 27 days ago - Stars: 79 - Forks: 7

evhub/bbopt

Black box hyperparameter optimization made easy.

Language: Python - Size: 1.22 MB - Last synced at: 9 days ago - Pushed at: almost 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: about 2 years ago - Pushed at: about 4 years ago - Stars: 74 - Forks: 54

openmole/mgo

Purely functional genetic algorithms for multi-objective optimisation

Language: Scala - Size: 3.48 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 72 - Forks: 5

MLBazaar/MLPrimitives

Primitives for machine learning and data science.

Language: Python - Size: 9.98 MB - Last synced at: 9 days ago - Pushed at: 6 months ago - Stars: 70 - 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: 5 months ago - Pushed at: over 2 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: almost 2 years ago - Pushed at: over 5 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: 6 months ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 19

jia-zhuang/xgboost-lightgbm-hyperparameter-tuning

Bayesian Optimization and Grid Search for xgboost/lightgbm

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

MLopez-Ibanez/irace

Iterated Racing for Automatic Algorithm Configuration

Language: R - Size: 27.1 MB - Last synced at: 9 days ago - Pushed at: 20 days ago - Stars: 63 - Forks: 16

polyaxon/hypertune

A library for performing hyperparameter optimization

Language: Python - Size: 118 MB - Last synced at: about 19 hours ago - Pushed at: about 1 month 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: 11 days ago - Pushed at: over 3 years ago - Stars: 59 - Forks: 28

mlr-org/mlr3tuning

Hyperparameter optimization package of the mlr3 ecosystem

Language: R - Size: 10.5 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 55 - Forks: 5

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: about 1 month ago - Pushed at: about 1 month 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: about 2 years ago - Pushed at: over 4 years ago - Stars: 53 - Forks: 30

dc-aichara/DS-ML-Public

Python Scripts and Jupyter Notebooks

Language: Jupyter Notebook - Size: 3.15 MB - Last synced at: 24 days ago - Pushed at: about 1 year ago - Stars: 51 - Forks: 38

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: over 2 years ago - Stars: 51 - Forks: 91

ytopt-team/ytopt

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

Language: C - Size: 25.7 MB - Last synced at: 21 days ago - Pushed at: 3 months ago - Stars: 47 - Forks: 17

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: 4 months ago - Pushed at: 4 months ago - Stars: 46 - Forks: 4

YuchenJin/autolrs

Automatic learning-rate scheduler

Language: Python - Size: 4.21 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 44 - Forks: 8

VicentePerezSoloviev/EDAspy

Estimation of Distribution algorithms Python package

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: 16 days ago - Pushed at: 11 months ago - Stars: 43 - Forks: 9

balavenkatesh3322/hyperparameter_tuning

A collection of Hyper parameter tuning library.

Size: 63.5 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 41 - Forks: 7

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: 26 days ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 13

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.17 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 38 - Forks: 7

fugue-project/tune

An abstraction layer for parameter tuning

Language: Python - Size: 414 KB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 35 - Forks: 3

EagerAI/kerastuneR

R interface to Keras Tuner

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

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: 3 months ago - Pushed at: 3 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: about 1 month ago - Pushed at: 9 months ago - Stars: 32 - Forks: 3

machinelearningnuremberg/QuickTune

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

Language: Python - Size: 5.86 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 31 - Forks: 5

eHarmony/spotz

Spark Parameter Optimization and Tuning

Language: Scala - Size: 227 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 31 - Forks: 8

rick12000/confopt

A Library for Conformal Hyperparameter Tuning

Language: Python - Size: 415 KB - Last synced at: 21 days ago - Pushed at: 27 days ago - Stars: 30 - Forks: 2

sibirbil/marsopt

Mixed Adaptive Random Search (MARS) for Optimization

Language: Python - Size: 41 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 29 - Forks: 0

ISG-Siegen/Auto-Surprise

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

Language: Python - Size: 181 KB - Last synced at: 20 days ago - Pushed at: about 1 year ago - Stars: 28 - Forks: 2

PhilipMay/mltb πŸ“¦

Machine Learning Tool Box

Language: Python - Size: 135 KB - Last synced at: 3 days ago - Pushed at: over 1 year 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: 15 days ago - Pushed at: over 2 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: 12 months ago - Pushed at: over 5 years ago - Stars: 27 - 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: 204 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 26 - Forks: 9

oskar-j/awesome-auto-ml

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

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

mlr-org/mlr3mbo

Flexible Bayesian Optimization in R

Language: R - Size: 13.4 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 25 - Forks: 1

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: 9 months 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: about 2 years ago - Pushed at: over 3 years ago - Stars: 24 - Forks: 4

mlr-org/bbotk

Black-box optimization framework for R.

Language: R - Size: 24.2 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 23 - Forks: 9

Yard1/hpbandster-sklearn

A scikit-learn wrapper for HpBandSter hyper parameter search.

Language: Python - Size: 125 KB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 22 - Forks: 2

grailbio/diviner

Diviner is a serverless machine learning and hyper parameter tuning platform

Language: Go - Size: 254 KB - Last synced at: 7 days ago - Pushed at: over 5 years ago - Stars: 22 - Forks: 2

parvvaresh/ETL-news

Language: HTML - Size: 4.76 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 21 - Forks: 0

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: about 2 months ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 6

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: about 2 months ago - Pushed at: about 2 years ago - Stars: 21 - Forks: 3

ADALabUCSD/cerebro-system

Data System for Optimized Deep Learning Model Selection

Language: Python - Size: 31.2 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 11

autonomio/studio

GUI for Keras and TensorFlow with integrated hyperparameter optimization and NLP

Language: CSS - Size: 117 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 21 - Forks: 10

nf-core/drugresponseeval

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

Language: Nextflow - Size: 7.32 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 20 - Forks: 4

holgern/scikit-optimize

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

Language: Python - Size: 19.8 MB - Last synced at: about 2 months ago - Pushed at: 12 months ago - Stars: 19 - Forks: 2

rakesh-yadav/PyTorch-RNN-Tutorial

PyTorch tutorial for using RNN and Encoder-Decoder RNN for time series forecasting

Language: Jupyter Notebook - Size: 2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 2

chicago-joe/Python-ML-for-Financial-Applications

Moody's Bond Rating Classifier and USPHCI Economic Activity Forecast Modeling

Language: Python - Size: 7.06 MB - Last synced at: 6 days ago - Pushed at: almost 6 years ago - Stars: 19 - Forks: 6

ML-GSAI/Scaling-Diffusion-Transformers-muP

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

Language: Python - Size: 5.59 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 18 - Forks: 0

Related Topics
machine-learning 471 python 280 hyperparameter-optimization 209 deep-learning 181 data-science 155 feature-engineering 141 random-forest 132 logistic-regression 122 classification 99 exploratory-data-analysis 94 xgboost 90 scikit-learn 89 gridsearchcv 83 pandas 82 machine-learning-algorithms 80 tensorflow 80 data-visualization 79 neural-network 67 optimization 66 cross-validation 63 numpy 58 neural-networks 57 python3 56 linear-regression 55 pytorch 55 sklearn 55 eda 54 feature-selection 53 keras 53 bayesian-optimization 52 automl 52 random-forest-classifier 51 data-analysis 51 data-preprocessing 48 decision-trees 47 regression 44 regularization 43 convolutional-neural-networks 43 jupyter-notebook 42 optuna 41 hyperparameter-search 37 supervised-learning 35 xgboost-classifier 34 data-cleaning 32 model-evaluation 32 image-classification 32 decision-tree-classifier 31 seaborn 29 cnn 29 visualization 29 decision-tree 28 ensemble-learning 28 matplotlib 28 nlp 28 svm-classifier 28 regression-models 26 deep-neural-networks 26 artificial-intelligence 25 pipeline 24 predictive-modeling 24 svm 24 lightgbm 23 model-selection 23 natural-language-processing 23 coursera 23 transfer-learning 23 knn 22 computer-vision 22 tuning 21 lstm 21 smote 21 grid-search 20 keras-tensorflow 20 artificial-neural-networks 20 deployment 19 hyperopt 19 ai 19 gradient-boosting 19 aws 18 streamlit 18 feature-importance 18 automated-machine-learning 18 ml 17 gradient-boosting-classifier 17 genetic-algorithm 17 model-deployment 16 hyperparameters 16 optimization-algorithms 16 recurrent-neural-networks 16 confusion-matrix 16 naive-bayes-classifier 16 randomizedsearchcv 16 supervised-machine-learning 16 pca 15 knn-classification 15 training 15 rnn 15 reinforcement-learning 15 binary-classification 15 mlops 14