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

GitHub topics: learning-rate-scheduling

kozistr/pytorch_optimizer

optimizer & lr scheduler & loss function collections in PyTorch

Language: Python - Size: 285 MB - Last synced at: 2 days ago - Pushed at: 29 days ago - Stars: 288 - Forks: 24

TheQuantScientist/LiteFormer

[PENDING] The official repo for the paper: "A Lightweight Multi-Head Attention Transformer for Stock Price Forecasting".

Language: Jupyter Notebook - Size: 64.7 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 20 - Forks: 4

dscamiss/generalized-newtons-method

PyTorch implementation of the generalized Newton's method for learning rate selection

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

KhoiDOO/tvlars

TVLARS - A Fast Convergence Optimizer for Large Batch Training

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

ZIB-IOL/BIMP

Code to reproduce the experiments of ICLR2023-paper: How I Learned to Stop Worrying and Love Retraining

Language: Python - Size: 60.5 KB - Last synced at: 22 days ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 0

rharish101/multistage-step-size-scheduling-minimax 📦

Master's thesis: Experiments on multistage step size schedulers for first-order optimization in minimax problems

Language: Python - Size: 373 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

awslabs/adatune

Gradient based Hyperparameter Tuning library in PyTorch

Language: Python - Size: 979 KB - Last synced at: 3 days ago - Pushed at: almost 5 years ago - Stars: 289 - Forks: 32

DimaErmakov/SPECTRA

SPECTRA: Solar Panel Evaluation through Computer Vision and Advanced Techniques for Reliable Analysis

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

Tony-Y/pytorch_warmup

Learning Rate Warmup in PyTorch

Language: Python - Size: 6.77 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 390 - Forks: 25

nomuramasahir0/cma-learning-rate-adaptation

(GECCO2023 Best Paper Nomination) CMA-ES with Learning Rate Adaptation

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

draktr/optschedule

Flexible parameter scheduler that can be implemented with proprietary and open source optimizers.

Language: Python - Size: 40 KB - Last synced at: 13 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

cmpark0126/pytorch-polynomial-lr-decay

Polynomial Learning Rate Decay Scheduler for PyTorch

Language: Python - Size: 10.7 KB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 65 - Forks: 13

YuchenJin/autolrs

Automatic learning-rate scheduler

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

vballoli/abel-pytorch

ABEL implemented in PyTorch

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

JonnoFTW/keras_find_lr_on_plateau

Keras Callback to Automatically Adjust the learning rate when it stops improving

Language: Python - Size: 21.5 KB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 4

sdamadi/image-classification

Comprehensive image classification for training multilayer perceptron (MLP), LeNet, LeNet5, conv2, conv4, conv6, VGG11, VGG13, VGG16, VGG19 with batch normalization, ResNet18, ResNet34, ResNet50, MobilNetV2 on MNIST, CIFAR10, CIFAR100, and ImageNet1K.

Language: Python - Size: 46.1 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

omkar-nitsure/Mumbai_RainFall_Forecasting

Used different Transformer based and LSTM based models for forecasting rainfall in different areas of Mumbai. Employed different smart training techniques to improve correlation with the true time-series.

Language: Python - Size: 33.5 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

rharish101/label-noise-and-generalization 📦

Semester project on the impact of label noise on deep learning optimization

Language: Python - Size: 2.31 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ahundt/sharpDARTS

sharpDARTS: Faster and More Accurate Differentiable Architecture Search

Language: Python - Size: 6.31 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 4

git-disl/LRBench

A learning rate recommending and benchmarking tool.

Language: Python - Size: 11.1 MB - Last synced at: 9 months ago - Pushed at: almost 2 years ago - Stars: 19 - Forks: 1

elaaj/cat-vs-dog-classifier

The goal of this project is to devise an accurate CNN-based classifier able to distinguish between Cat and Dog in images where the animal is predominant.

Language: Jupyter Notebook - Size: 5.12 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

iSiddharth20/DeepLearning-ImageClassification-Toolkit

End-to-end Image Classification using Deep Learning toolkit for custom image datasets. Features include Pre-Processing, Training with Multiple CNN Architectures and Statistical Inference Tools. Special utilities for RAM optimization, Learning Rate Scheduling, and Detailed Code Comments are included.

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

timesler/lr-momentum-scheduler

Pytorch implementation of arbitrary learning rate and momentum schedules, including the One Cycle Policy

Language: Python - Size: 17.6 KB - Last synced at: 1 day ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 1

brobeson/learning_rate_research

Experiment configurations and results for researching online learning rate schedules for single object tracking.

Language: TeX - Size: 16.7 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

kardasbart/MultiLR

A method for assigning separate learning rate schedulers to different parameters group in a model.

Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

agiopouloskaptsikas/Dogs-vs.-Cats-An-Image-Classification-Task-using-TensorFlow

In this repository, I put into test my newly acquired Deep Learning skills in order to solve the Kaggle's famous Image Classification Problem, called "Dogs vs. Cats".

Language: Python - Size: 354 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

mohadeseh-ghafoori/Optimization-Methods

Language: Jupyter Notebook - Size: 391 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

lehduong/torch-warmup-lr

Warmup learning rate wrapper for Pytorch Scheduler

Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 33 - Forks: 4

Lance0218/Pytorch-DistributedDataParallel-Training-Tricks

A guide that integrates Pytorch DistributedDataParallel, Apex, warmup, learning rate scheduler, also mentions the set-up of early-stopping and random seed.

Language: Python - Size: 101 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 45 - Forks: 8

abhuse/cyclic-cosine-decay

Pytorch cyclic cosine decay learning rate scheduler

Language: Jupyter Notebook - Size: 426 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 39 - Forks: 7

developer0hye/Learning-Rate-WarmUp

Size: 40 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 3

hazmicokro/Image-Classification-Rock-Paper-Scissors-with-Model-Deployment

Submission Akhir - Image Classification Model Deployment - Belajar Pengembangan Machine Learning - Dicoding

Language: Jupyter Notebook - Size: 16.8 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 3

ndtands/CNN_Color_Car_Pytorch

Build from scratch

Language: Jupyter Notebook - Size: 139 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

nam157/learning-rate-schedule-pytorch

Language: Jupyter Notebook - Size: 311 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

kbmclaren/assn5-CMSC478-ML

The machine learning task in this assignment is image classification using Convolutional Neural Networks in Tensorflow and Keras

Language: Jupyter Notebook - Size: 382 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

synml/lr-scheduler-visualization

Visualize the progress of the learning rate scheduler graphically.

Language: Python - Size: 65.4 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

cybertronai/pytorch-fd

Implementation of fluctuation dissipation relations for automatic learning rate annealing.

Language: Python - Size: 1.08 MB - Last synced at: 16 days ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 0

C-opt/1st-Order-Optimizers-in-MATLAB

Code in MATLAB for 1st order optimization algorithms implemented for elastic net regularized convex objective functions.

Language: MATLAB - Size: 67.1 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

xiangyutang2/tweet-classification

Language: HTML - Size: 276 KB - Last synced at: 8 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

Related Keywords
learning-rate-scheduling 39 pytorch 19 deep-learning 18 machine-learning 6 image-classification 5 learning-rate-decay 5 learning-rate 5 hyperparameter-tuning 4 early-stopping 3 optimizer 3 neural-networks 3 data-augmentation 3 learning-rate-warmup 3 optimization 3 warmup 3 convolutional-neural-networks 3 gradient-descent 3 python 3 artificial-intelligence 2 automl 2 optimization-algorithms 2 neural-network 2 cnn 2 pytorch-implementation 2 resnet-50 2 imagenet 2 adam 2 keras 2 cosine-annealing 2 transfer-learning 2 scheduler 2 torch 1 binary-image-classification 1 callbacks 1 dogs-vs-cats 1 dropout 1 lr-scheduling 1 lr 1 keras-tensorflow 1 power-cosine-annealing 1 sota 1 state-of-the-art 1 learning-rate-benchmarking 1 adamw-optimizer 1 custom-training 1 pretrained-weights 1 vgg11 1 collaborate 1 efficientnet 1 hacktoberfest 1 image-processing 1 inception-resnet-v2 1 learn 1 opencv 1 preprocessing 1 statistical-analysis 1 statistical-inference 1 tensorflow 1 vgg16 1 learning-rate-finder 1 onecyclepolicy 1 deep-neural-networks 1 cifar-10 1 initialization 1 regularization 1 tensorflow2 1 visualization 1 1st-order-optimizers 1 dasvrda 1 machine-learning-algorithms 1 matlab 1 stochastic-gradient-descent 1 bert 1 bert-pytorch 1 bilstm 1 classification 1 disaster-assist 1 glove-embeddings 1 lstm 1 patience 1 tweet 1 adam-optimizer 1 decision-boundary 1 matplotlib 1 mini-batch 1 momentum-optimization-algorithm 1 numpy 1 optimization-methods 1 apex 1 distributed 1 pytorch-distributeddataparallel 1 random-seeds 1 deployment 1 tflite-models 1 car-colors 1 earlystopping 1 mobilenetv2 1 resnet-18 1 baseline-cnns 1 batch-normalization 1