Ecosyste.ms: Repos

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

GitHub topics: learning-rate

elmahsieh/LogisticRegressionTraining

This project involves training a machine learning model and plotting its learning curves to analyze training and testing accuracies, utilizing Java for model execution and Python for data visualization. It includes commands for compiling and running the Java program, generating plots, and sending results via email.

Language: Java - Size: 33.2 KB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 0 - Forks: 0

davidtvs/pytorch-lr-finder

A learning rate range test implementation in PyTorch

Language: Python - Size: 395 KB - Last synced: 7 days ago - Pushed: 4 months ago - Stars: 885 - Forks: 115

wassname/viz_torch_optim

Videos of deep learning optimizers moving on 3D problem-landscapes

Language: Jupyter Notebook - Size: 21.1 MB - Last synced: 25 days ago - Pushed: about 6 years ago - Stars: 105 - Forks: 13

lorenzwalthert/KerasMisc

Add-on functionality for the R implementation of Keras

Language: R - Size: 517 KB - Last synced: about 1 month ago - Pushed: about 3 years ago - Stars: 3 - Forks: 1

kenanmorani/Machine_Learning_idu

Two case studies: effects of changing the learning rate on model perfomance for image classificaiton, and cardiac failure prediction using clinical data

Language: Jupyter Notebook - Size: 1.33 MB - Last synced: about 1 month ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

berndporr/fir1

FIR & LMS filter implementation in C++ with Python & JAVA wrappers

Language: C - Size: 6.44 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 71 - Forks: 22

sooftware/pytorch-lr-scheduler

PyTorch implementation of some learning rate schedulers for deep learning researcher.

Language: Python - Size: 123 KB - Last synced: about 1 month ago - Pushed: almost 2 years ago - Stars: 84 - Forks: 17

LEFTeyex/warmup

A Warmup Scheduler for Pytorch to achieve the warmup learning rate at the beginning of training.

Language: Python - Size: 23.4 KB - Last synced: about 1 month ago - Pushed: about 2 years ago - Stars: 9 - Forks: 1

Mr-TalhaIlyas/Learning-Rate-Schedulers-Packege-Tensorflow-PyTorch-Keras

A packages containing all popular Learning Rate Schedulers. Implemented in Keras Tensorflow

Size: 425 KB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 6 - Forks: 1

eBay/AutoOpt

Automatic and Simultaneous Adjustment of Learning Rate and Momentum for Stochastic Gradient Descent

Language: Python - Size: 256 KB - Last synced: about 2 months ago - Pushed: almost 4 years ago - Stars: 44 - Forks: 12

j-w-yun/optimizer-visualization

Visualize Tensorflow's optimizers.

Language: Python - Size: 219 MB - Last synced: 3 months ago - Pushed: over 6 years ago - Stars: 342 - Forks: 54

nickoaryad/Cloudeka2024-StockPriceTimeSeries

Stock price forecasting using time series data with Sequential model developed on LSTM architecture utilizing optimizer with learning rate

Language: Jupyter Notebook - Size: 521 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

harshalmittal4/Hypergradient_variants

Improved Hypergradient optimizers, providing better generalization and faster convergence.

Language: Jupyter Notebook - Size: 104 MB - Last synced: 25 days ago - Pushed: 2 months ago - Stars: 16 - Forks: 0

goessl/MachineLearning

An easy neural network for Java!

Language: Java - Size: 42 KB - Last synced: 3 months ago - Pushed: over 5 years ago - Stars: 127 - Forks: 35

farhaanbukhsh/Neural-Network

A small implementation of ANN

Language: Python - Size: 134 KB - Last synced: 6 months ago - Pushed: over 7 years ago - Stars: 1 - Forks: 0

shishishi123/CS5824-final-project

Reproduction of the "Don't Decay the Learning Rate, Increase the Batch Size" conference paper.

Language: Python - Size: 934 KB - Last synced: 6 months ago - Pushed: over 4 years ago - Stars: 3 - Forks: 0

ahirsharan/MTL-Segmentation

Meta Transfer Learning for Few Shot Semantic Segmentation using U-Net

Language: Python - Size: 290 KB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 21 - Forks: 6

UsnikB/NNPong

This is our Final Project for our Big Data Class in Second Semister in Lambton College. In this project we learn about Nural Network and see how the change in the Number of Nurons and learning rate effects rate of learning.

Language: Python - Size: 218 MB - Last synced: 7 months ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

meet-minimalist/TinyImageNet-Benchmarks

Benchmarking various Computer Vision models on TinyImageNet Dataset

Language: Python - Size: 20.7 MB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 13 - Forks: 3

benihime91/one_cycle_lr-tensorflow

OneCycle LearningRateScheduler & Learning Rate Finder for TensorFlow 2.

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 15 - Forks: 5

divyachandramouli/Ex1_Linear_Regression_Prediction_Models

Univariate linear regression model to predict food truck profits | Multivariate linear regression model to predict housing prices

Language: Matlab - Size: 477 KB - Last synced: 8 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

dkumazaw/onecyclelr

One cycle policy learning rate scheduler in PyTorch

Language: Python - Size: 472 KB - Last synced: 8 months ago - Pushed: about 5 years ago - Stars: 47 - Forks: 6

BIGBALLON/cifar-10-cnn

Play deep learning with CIFAR datasets

Language: Python - Size: 1.49 MB - Last synced: 8 months ago - Pushed: almost 4 years ago - Stars: 807 - Forks: 303

greenDev7/NeuralNetwork

Реализация алгоритма обратного распространения ошибки для обучения нейронной сети для распознавания рукописных цифр

Language: C# - Size: 51.8 MB - Last synced: 8 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

GrHound/HyperparameterSteepness

Enclosed is the steepness .c program with a bash script and .png graph for several steepness (alpha) values. As an example, the tolerance runs from 0.4 in the beginning to 0.01 at the end. You can make the binary by gcc steepness.c -lm -o steepness To run the demo script you need to install gnuplot The *.curves file and .png are already made. You can cite Schomaker & Bulacu (2004), Eq. 8. Schomaker, L & Bulacu, M 2004, 'Automatic writer identification using connected-component contours and edge-based features of uppercase western script', Ieee transactions on pattern analysis and machine intelligence, vol. 26, no. 6, pp. 787-798. The function is also used here: @article{Luo_2020, title={Accelerating Reinforcement Learning for Reaching Using Continuous Curriculum Learning}, ISBN={9781728169262}, url={http://dx.doi.org/10.1109/IJCNN48605.2020.9207427}, DOI={10.1109/ijcnn48605.2020.9207427}, journal={2020 International Joint Conference on Neural Networks (IJCNN)}, publisher={IEEE}, author={Luo, Sha and Kasaei, Hamidreza and Schomaker, Lambert}, year={2020}, month={Jul} }

Language: C - Size: 70.3 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

mahdiolfat/ssp

Statistical Digital Signal Processing and Modeling

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

akshaybahadur21/GradientDescentExample

A gradient descent module for humans 🏔️

Language: MATLAB - Size: 1.58 MB - Last synced: about 1 month ago - Pushed: about 3 years ago - Stars: 2 - Forks: 0

KhaledAshrafH/Linear-Regression

This program implements linear regression from scratch using the gradient descent algorithm in Python. It predicts car prices based on selected features and uses a dataset of cars with their respective prices.

Language: Python - Size: 17.6 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 0

PixelSenseiAvi/ML

Linear Regression, Classification, Naive Bayes Spam Classification

Language: R - Size: 10.7 KB - Last synced: 10 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 1

Shahul-Rahman/MABSearch-Learning-the-learning-rate

MABSearch: The Bandit Way of Learning the Learning Rate - A Harmony Between Reinforcement Learning and Gradient Descent

Language: Jupyter Notebook - Size: 506 KB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 2 - Forks: 1

ahundt/sharpDARTS

sharpDARTS: Faster and More Accurate Differentiable Architecture Search

Language: Python - Size: 6.31 MB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 15 - Forks: 4

nrichards17/richml

Convenience classes/functions for common machine learning tasks

Language: Python - Size: 143 KB - Last synced: 11 months ago - Pushed: over 5 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: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

RajK01/Google-Customer-Revenue-Prediction

The main aim of this project is to built a predictive model using G Store data to predict the TOTAL REVENUE per customer that helps in better use of marketing budget.

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

CyberZHG/keras-lr-multiplier 📦

Learning rate multiplier

Language: Python - Size: 20.5 KB - Last synced: about 2 months ago - Pushed: almost 3 years ago - Stars: 46 - Forks: 11

Octavian-ai/learning-rates

How optimizer and learning rate choice affects training performance

Language: Python - Size: 2.74 MB - Last synced: 12 months ago - Pushed: about 6 years ago - Stars: 21 - Forks: 8

HMS97/WebLRScheduler

Interactive Learning Rate Scheduler for PyTorch

Language: Python - Size: 22 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

mhmoodlan/cyclic-learning-rate

Cyclic learning rate TensorFlow implementation.

Language: Python - Size: 39.1 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 65 - Forks: 26

whoisksy/securing-online-transaction-using-face-recognition

Language: Python - Size: 4.5 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

BIGBALLON/ResNet_CIFAR

Residual Network Experiments with CIFAR Datasets.

Language: Python - Size: 451 KB - Last synced: over 1 year ago - Pushed: almost 6 years ago - Stars: 6 - Forks: 4

coxy1989/clr

Pytorch implementation of the paper: 'Cyclical Learning Rates for Training Neural Networks'

Language: Jupyter Notebook - Size: 1.14 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 1

EPSOFT/callbacks

callbacks in ai

Language: Jupyter Notebook - Size: 2.93 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 11 - Forks: 0

aliyzd95/Gradient-Descent-from-scratch

Investigating Gradient Descent behavior in linear regression

Language: Python - Size: 7.12 MB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

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: over 1 year ago - Pushed: almost 4 years ago - Stars: 12 - Forks: 1

fitushar/Cyclical-Learning-Rates-for-Training-Neural-Networks-With-Unbalanced-Data-Sets

As the learning rate is one of the most important hyper-parameters to tune for training convolutional neural networks. In this paper, a powerful technique to select a range of learning rates for a neural network that named cyclical learning rate was implemented with two different skewness degrees. It is an approach to adjust where the value is cycled between a lower bound and upper bound. CLR policies are computationally simpler and can avoid the computational expense of fine tuning with fixed learning rate. It is clearly shown that changing the learning rate during the training phase provides by far better results than fixed values with similar or even smaller number of epochs.

Language: Jupyter Notebook - Size: 2.56 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 0

sungsujaing/Happy_Dog_Detection

Detect happy dogs in real-time

Language: Jupyter Notebook - Size: 123 MB - Last synced: over 1 year ago - Pushed: almost 5 years ago - Stars: 6 - Forks: 0

ankdeshm/DL_Higgs_Boson_Detection

A wide and deep neural network built with Kera’s functional API to determine whether an observed particle collision produced a Higgs boson or not

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

Code-Trees/END-GAME

It's all about NLP. From End- To- End.We will create Deep NLP beyond RNNs/LSTMs ( obsolete now) from scratch and learn why everything until GPT3.

Language: Jupyter Notebook - Size: 26.3 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 2 - Forks: 2

tr7200/Adam_to_SGD

Tensorflow-Keras callback implementing arXiv 1712.07628

Language: Python - Size: 27.3 KB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 5 - Forks: 3

AlanFokCo/compensation-tools

Some tools for large mini-batch deep learning in standalone and distributed (main) scenarios.

Language: Python - Size: 25.4 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

Octavian-ai/learning-rate-finder-tensorflow

Implementation of learning rate finder in TensorFlow

Language: Python - Size: 22.5 KB - Last synced: 12 months ago - Pushed: over 5 years ago - Stars: 12 - Forks: 6

ChaitanyaC22/Numerical_TicTacToe_Agent_using_Reinforcement_Learning

Build an RL (Reinforcement Learning) agent that learns to play Numerical Tic-Tac-Toe. The agent learns the game by Q-Learning.

Language: Jupyter Notebook - Size: 23.2 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 1

coxy1989/superconv

TensorFlow/Keras implementation of the paper: 'Super-Convergence: Very Fast Training of Neural Networks Using Large Learning Rates'

Language: Jupyter Notebook - Size: 691 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 8 - Forks: 0

anmolaggarwal98/Deep_learning-SGN

Deep_Learning: Stochastic Gradient Noise heavy tail distribution Analysis

Language: Python - Size: 6.94 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

Ravoxsg/UofT_Adaptive_LR_optimizer Fork of satyakrishnagorti/AdaptiveLROptimizer

We built an optimization technique that, at each learning step, automatically learns which best learning rate to use for gradient descent.

Language: Jupyter Notebook - Size: 170 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 2 - Forks: 0

prabhatk579/propulsive-rocket-landing-simulation

Propulsive Rocket Landing Simulation Using Q - Learning

Language: Jupyter Notebook - Size: 60.5 KB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 1

Jash-2000/Optimized-Word2Vec

This repository contains additional features, extended to the traditional Word2Vec library, launched in 2013

Language: Jupyter Notebook - Size: 9.66 MB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

desaimilin/NNDL-2020

This repository focuses on the Neural Networks and deep learning. It is a workbook you can refer it for a reference. I'll Include following content here: Neurons, perceptrons, weight and biases, learning rate, activation form, hyper parameters, RNN, CNN and other popular concepts.

Language: HTML - Size: 11.5 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

pranavphoenix/Optimizer-lr-tuning

Analyze the performance of 7 optimizers by varying their learning rates

Language: Jupyter Notebook - Size: 342 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

dalisson/discriminative_learning_rate_optimizer

useful function for applying discriminative learning rates to a model children

Language: Python - Size: 1.95 KB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

sivaramakrishnan-rajaraman/Learning-Rate-Adaptation-during-Model-Training-toward-Skin-Cancer-Classification

Language: Jupyter Notebook - Size: 980 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

PPPW/fastai-v1-1cycle-for-v0_7

Language: Jupyter Notebook - Size: 4.28 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

bo4arovpavel1989/custom_nn

Customizible neural net constructor.

Language: JavaScript - Size: 16.5 MB - Last synced: over 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

JoyeBright/DeepLearningDC

The Deep Learning exercises provided in DataCamp

Language: Python - Size: 3.24 MB - Last synced: over 1 year ago - Pushed: about 6 years ago - Stars: 1 - Forks: 2

Related Keywords