Topic: "adam-optimizer"
LiyuanLucasLiu/RAdam
On the Variance of the Adaptive Learning Rate and Beyond
Language: Python - Size: 933 KB - Last synced at: 14 days ago - Pushed at: almost 4 years ago - Stars: 2,548 - Forks: 334

parasdahal/deepnet
Educational deep learning library in plain Numpy.
Language: Python - Size: 40 KB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 322 - Forks: 83

SirRob1997/Crowded-Valley---Results
This repository contains the results for the paper: "Descending through a Crowded Valley - Benchmarking Deep Learning Optimizers"
Size: 4.15 GB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 169 - Forks: 20

tirtharajdash/CS-F425_Deep-Learning
CS F425 Deep Learning course at BITS Pilani (Goa Campus)
Language: Jupyter Notebook - Size: 236 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 107 - Forks: 3

aditya9211/SVHN-CNN
Google Street View House Number(SVHN) Dataset, and classifying them through CNN
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 58 - Forks: 34

v-iashin/CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Language: Jupyter Notebook - Size: 41.3 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 51 - Forks: 9

yashkant/padam-tensorflow
Reproducing the paper "PADAM: Closing The Generalization Gap of Adaptive Gradient Methods In Training Deep Neural Networks" for the ICLR 2019 Reproducibility Challenge
Language: Python - Size: 910 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 51 - Forks: 7

sagarvegad/Adam-optimizer
Implemented Adam optimizer in python
Language: Python - Size: 1.95 KB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 48 - Forks: 24

shreyansh26/ML-Optimizers-JAX
Toy implementations of some popular ML optimizers using Python/JAX
Language: Python - Size: 10.7 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 44 - Forks: 2

nengwp/Lion-vs-Adam
Lion and Adam optimization comparison
Language: Jupyter Notebook - Size: 539 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 39 - Forks: 7

VivianoRiccardo/Learning-Lab-C-Library
This library provides a set of basic functions for different type of deep learning (and other) algorithms in C.This deep learning library will be constantly updated
Language: C - Size: 7.29 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 31 - Forks: 8

rdspring1/Count-Sketch-Optimizers
A compressed adaptive optimizer for training large-scale deep learning models using PyTorch
Language: Python - Size: 6.95 MB - Last synced at: 1 day ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 13

RudreshVeerkhare/CustomXGBoost
Modified XGBoost implementation from scratch with Numpy using Adam and RSMProp optimizers.
Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 26 - Forks: 9

yaricom/TimeSeriesLearning
The project aimed to implement Deep NN / RNN based solution in order to develop flexible methods that are able to adaptively fillin, backfill, and predict time-series using a large number of heterogeneous training datasets.
Language: Python - Size: 30.9 MB - Last synced at: 2 months ago - Pushed at: almost 9 years ago - Stars: 26 - Forks: 9

aromanro/MachineLearning
From linear regression towards neural networks...
Language: C++ - Size: 250 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 24 - Forks: 0

harshraj11584/Paper-Implementation-Overview-Gradient-Descent-Optimization-Sebastian-Ruder
[Python] [arXiv/cs] Paper "An Overview of Gradient Descent Optimization Algorithms" by Sebastian Ruder
Language: Python - Size: 58.6 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 6

theroyakash/Adam
Implementation of Adam Optimization algorithm using Numpy
Language: Jupyter Notebook - Size: 128 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 20 - Forks: 5

Arko98/Gradient-Descent-Algorithms
A collection of various gradient descent algorithms implemented in Python from scratch
Language: Python - Size: 1.02 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 12

declanoller/haskell-vae
Learning about Haskell with Variational Autoencoders
Language: Haskell - Size: 2.08 MB - Last synced at: 10 months ago - Pushed at: over 5 years ago - Stars: 19 - Forks: 1

SSQ/Coursera-Ng-Improving-Deep-Neural-Networks-Hyperparameter-tuning-Regularization-and-Optimization
Short description for quick search
Language: Python - Size: 7.87 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 17 - Forks: 18

harshalmittal4/Hypergradient_variants
Improved Hypergradient optimizers for ML, providing better generalization and faster convergence.
Language: Jupyter Notebook - Size: 104 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 0

tayebiarasteh/DeepLearning_from_scratch
A Deep Learning framework for CNNs and LSTMs from scratch, using NumPy.
Language: Python - Size: 11.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 16 - Forks: 2

OptimalFoundation/nadir
Nadir: Cutting-edge PyTorch optimizers for simplicity & composability! 🔥🚀💻
Language: Python - Size: 22.8 MB - Last synced at: 13 days ago - Pushed at: 12 months ago - Stars: 14 - Forks: 3

thieu1995/MetaPerceptron
MetaPerceptron: A Standardized Framework For Metaheuristic-Driven Multi-layer Perceptron Optimization
Language: Python - Size: 338 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 11 - Forks: 1

Gunale0926/Grams
Grams: Gradient Descent with Adaptive Momentum Scaling (ICLR 2025 Workshop)
Language: Python - Size: 38.1 KB - Last synced at: 30 days ago - Pushed at: 3 months ago - Stars: 11 - Forks: 1

kcg2015/DDPG_numpy_only
Implemenation of DDPG with numpy only (without Tensorflow)
Language: Python - Size: 64.5 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 5

rsmath/Digit-Recognizer
A project I made to practice my newfound Neural Network knowledge - I used Python and Numpy to train a network to recognize MNIST images. Adam and mini-batch gradient descent implemented
Language: Python - Size: 25 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 6

NinaadRao/Multilabel-Image-Classification-using-Contractive-Autoencoder
Implementing contractive auto encoder for encoding cloud images and using that encoding for multi label image classification
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 4

Niranjankumar-c/GradientDescent_Implementation
Implement different variants of gradient descent in python using numpy
Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 10 - Forks: 11

vivekthota16/Project-Collaboration-and-Competition-Udacity-Deep-Reinforcement-Learning
Tennis Game play using Multi Agent DDPG - Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

Chirag-Shilwant/One-Shot-Classification-using-Siamese-Network-on-MNIST-Dataset
A Siamese Neural Network is a class of neural network architectures that contain two or more identical subnetworks. ‘identical’ here means, they have the same configuration with the same parameters and weights.
Language: Jupyter Notebook - Size: 111 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 4

sushant1827/Fashion-Clothing-Classification
Kaggle Machine Learning Competition Project : In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset of Zalando's article images
Language: Jupyter Notebook - Size: 6.59 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

falaktheoptimist/gradient_descent_optimizers
Hands on implementation of gradient descent based optimizers in raw python
Language: Jupyter Notebook - Size: 4.05 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 1

AdamYuan/SimpleNN
a simple neural network
Language: C++ - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 1

hariharas-wq/Detecting-Lateral-Movement-with-Machine-Learning
Here in this system it discloses a log analysis method based on deep learning for an intrusion detection system, which includes the following steps: preprocess the acquired logs of different types in the target system; perform log analysis on the preprocessed logs using a clustering-based method; then, encode the parsed log events into digital feature vectors, use LSTM-based neural network and log collect-based clustering methods to learn the encoded logs to form warning information.
Language: Python - Size: 37.1 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 0

tejaslodaya/neural-style-transfer
Generate novel artistic images using neural style transfer algorithm
Language: Python - Size: 3.7 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 4

sushant1827/Improvise-a-Jazz-Solo
Coursera - RNN Programming Assignment: In this project, we will implement a model that uses an LSTM to generate music. In the end, we'll even be able to listen to your own music!
Language: Jupyter Notebook - Size: 32.2 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 1

zj10/ND-Adam
ND-Adam is a tailored version of Adam for training DNNs.
Language: Python - Size: 25.4 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 0

VinkuraAI/Docxo
Vinkura's DOCXO is an efficient training framework for large language models, designed to minimize communication overhead on Google Cloud Platform (GCP) with GPUs.
Language: Python - Size: 14.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 0

Pabloo22/dlfs
Implementation from scratch (using numpy arrays) of a framework based on keras interface which allows to build and train Fully Connected Networks and Convolutional Neural Networks (CNNs).
Language: Python - Size: 1.69 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 5 - Forks: 3

iamDyeus/Neuralnsight
Brain Tumor Detection using Deep learning.
Language: HTML - Size: 8.71 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

kaydotdev/gradient-descent
A research project on enhancing gradient optimization methods
Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 2

plusminuschirag/Optimizers-Visualizations
A Repository to Visualize the training of Linear Model by optimizers such as SGD, Adam, RMSProp, AdamW, ASMGrad etc
Language: Jupyter Notebook - Size: 5.59 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

Ishan7390/NN_fashMNIST
Neural Network to predict which wearable is shown from the Fashion MNIST dataset using a single hidden layer
Language: Python - Size: 1.95 KB - Last synced at: 7 days ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

sharnam19/Networks
Library which can be used to build feed forward NN, Convolutional Nets, Linear Regression, and Logistic Regression Models.
Language: Python - Size: 3.51 MB - Last synced at: 19 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 1

ArshTiwari2004/Sahyog
Centralized Disaster Response and Inventory Management System that leverages AI and Google Cloud Technologies to predict disasters, optimize resource management, and provide real-time coordination.
Language: JavaScript - Size: 14.2 MB - Last synced at: 24 days ago - Pushed at: 26 days ago - Stars: 4 - Forks: 3

Bishal77/Hybrid-CNN-BiLSTM-architecture-for-detecting-multi-step-cyber-attack
The model leverages the strengths of both CNNs and BiLSTM networks to effectively capture spatial and temporal patterns in network traffic data. We trained and evaluated the model using a comprehensive dataset of cyber attacks. The model achieved a high accuracy of 99%.
Language: Jupyter Notebook - Size: 7.49 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0

mseminatore/ann
LIBANN is a fast, portable and easy to use neural network library written in pure ANSI-C
Language: C - Size: 7.14 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 1

amazon-science/mada_optimizer_search
Code the ICML 2024 paper: "MADA: Meta-Adaptive Optimizers through hyper-gradient Descent"
Language: Python - Size: 4.14 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 4 - Forks: 1

shashank1623/Plant-disease-Detection
Plant Disease Detection using convolutional neural network. Our model can easily predict the disease of plants like Potato , Tomato , Pepper Bel and many more in the upcoming version.
Language: JavaScript - Size: 51.6 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 2

Akshay-Vs/CNN-Image-Classification
This project uses a CIFAR dataset-trained convolutional neural network to classify input images, whether it is a pre-processed image from the dataset or a user-supplied image via URL, with the functionality to assign a confidence score to the prediction.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

tr7200/Vadam
Keras implementation of arXiv 1806.04854
Language: Python - Size: 49.8 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 3

priyavrat-misra/image-colorizer
A deep residual auto-encoding approach to colorize images.
Language: Jupyter Notebook - Size: 99.9 MB - Last synced at: 6 days ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

soumilchugh/PupilCenterEstimation
This repo contains implementation of CNN based regression network for Pupil Center Estimation in smartphones
Language: Python - Size: 735 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 2

kinoute/Elyane
An OOP Deep Neural Network using a similar syntax as Keras with many hyper-parameters, optimizers and activation functions available.
Language: Python - Size: 41.8 MB - Last synced at: 24 days ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 3

ElefHead/digit_recognition
Fully connected neural network for digit classification using MNIST data
Language: Python - Size: 11 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

kvignesh1420/single-index-ht
Heavy-tailed ESD without gradient noise
Language: Python - Size: 83 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

MoinDalvs/Gradient_Descent_For_beginners
Gradient_descent_Complete_In_Depth_for beginners
Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

heydarimo/Stock-Market-Prediction
in this repository we intend to predict Google and Apple Stock Prices Using Long Short-Term Memory (LSTM) Model in Python. Long Short-Term Memory (LSTM) is one type of recurrent neural network which is used to learn order dependence in sequence prediction problems. Due to its capability of storing past information, LSTM is very useful in predicting stock prices.
Language: Jupyter Notebook - Size: 4.1 MB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

guyez/Optimization-Algorithms
A comparison between implementations of different gradient-based optimization algorithms (Gradient Descent, Adam, Adamax, Nadam, Amsgrad). The comparison was made on some of the most common functions used for testing optimization algorithms.
Language: Python - Size: 1.3 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

dikioth/ECG-reconstruction
Reconstruction of ECG missing signals using RLS and ADAM optimizer.
Language: MATLAB - Size: 21.6 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

ashkanmradi/neural-network-from-scratch
Implementing a neural network classifier for cifar-10
Language: Python - Size: 12.7 KB - Last synced at: 8 days ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

DunittMonagas/Improving-Deep-Neural-Networks-Hyperparameter-tuning-Regularization-and-Optimization
Curso Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization. Segundo curso del programa especializado Deep Learning. Este repositorio contiene todos los ejercicios resueltos. https://www.coursera.org/learn/neural-networks-deep-learning
Language: Jupyter Notebook - Size: 729 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 3

rezazzr/Reproducing-Convergence-of-ADAM-and-Beyond
Language: Jupyter Notebook - Size: 803 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

ugyenn-tsheringg/Predicting-Loan-Defaults-with-Deep-Learning
A deep learning model to predict loan default probabilities for the African Credit Scoring Challenge.
Language: Jupyter Notebook - Size: 3.26 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 2 - Forks: 0

avnlp/hyperparameter-tuning
Effect of Optimizer Selection and Hyperparameter Tuning on Training Efficiency and LLM Performance
Language: Python - Size: 4.59 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

Tanmayee2010/Semantic-Image-Clustering
Semantic Image Clustering Using Machine Learning Algorithms
Language: Jupyter Notebook - Size: 3.98 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

SubhangiSati/Land-Use-Land-Cover-Classification
This project focuses on land use and land cover classification using Convolutional Neural Networks (CNNs) and Recurrent Neural Networks (RNNs). The classification task aims to predict the category of land based on satellite or aerial images.
Language: Python - Size: 26.4 KB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

Nishant2018/Optimized-Neural-Network-Scratch-
Optimizing neural networks is crucial for achieving high performance in machine learning tasks. Optimization involves adjusting the weights and biases of the network to minimize the loss function. This process is essential for training deep learning models effectively and efficiently.
Language: Jupyter Notebook - Size: 654 KB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

lusk4r/dynamIK
Apply Inverse Kinematics to a customizable robot geometry.
Language: Python - Size: 54.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

bhuvansun/primal-dual-optimization
Primal-Dual algorithm for smooth regularization of non-smooth optimization functions
Language: MATLAB - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

MEGARAJAN-S/ARTIFICIALNEURALNETWORK
This project is about building a artificial neural network using pytorch library. I am sharing the code and output for my project.
Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

kochlisGit/Tensorflow-MNIST-State-Of-The-Art
Building High Performance Convolutional Neural Networks with TensorFlow
Language: Jupyter Notebook - Size: 32.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

ahmedshahriar/Sentiment-Analysis
Sentiment Analysis Projects
Language: HTML - Size: 17.3 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

kshitijzutshi/INFO6105-CNN-Assignment
My extensive work on Multiclass Image classification based on Intel image classification dataset from Kaggle and Implemented using Pytorch 🔦
Language: Jupyter Notebook - Size: 352 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

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

luoyuanlab/scanmap
Supervised Confounding Aware NMF for Polygenic Risk Modeling. MLHC 2020.
Language: Python - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

ThinamXx/MNIST_CNN
In this repository, I have used CNN to MNIST Digit Classification Dataset. You can get insights about Convolutional Neural Network and its implementation for Handwritten Digit Classification.
Language: Jupyter Notebook - Size: 214 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

ahirsharan/MNIST
LeNet5 on MNIST with SGD and Adam
Language: Jupyter Notebook - Size: 234 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

saminens/Detecting-Equipment-Failure-Using-LSTM-Autoencoder
Industry Practicum: Jan 2020 - Mar 2020
Language: Jupyter Notebook - Size: 131 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

akionux/AdamLRM
Adam optimizer with learning rate multipliers for TensorFlow 2.0.
Language: Python - Size: 14.6 KB - Last synced at: 4 days ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 2

QingruZhang/AdaShift_Release
The original implementation of the experiments in the paper of AdaShift (See https://arxiv.org/abs/1810.00143)
Language: Python - Size: 661 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

soumilchugh/EmotionClassification
This repo contains implementation of four different machine learning models for emotion classification on twitter data
Language: Python - Size: 33 MB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

flowstateeng/Coursera-Deep-Learning
A five-course specialization covering the foundations of Deep Learning, from building CNNs, RNNs & LSTMs to choosing model configurations & paramaters like Adam, Dropout, BatchNorm, Xavier/He initialization, and others.
Language: Jupyter Notebook - Size: 105 MB - Last synced at: 4 days ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

eddieir/pima_indians_diabetes
This repo related to the analysis of pima-indian-diabetes dataset
Language: Python - Size: 23 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

Mypathissional/GradientDescentAlgorithms
The implementation of famous Gradient Descent Algorithms along with nice visualizations in Matlab
Language: Matlab - Size: 90.7 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

SSS135/gadam
Generalization of Adam, AdaMax, AMSGrad algorithms for PyTorch
Language: Python - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

srinadhu/convolutional_nn
Implemented fully-connected DNN of arbitrary depth with Batch Norm and Dropout, three-layer ConvNet with Spatial Batch Norm in NumPy. The update rules used for training are SGD, SGD+Momentum, RMSProp and Adam. Implemented three block ResNet in PyTorch, with 10 epochs of training achieves 73.60% accuracy on test set.
Language: Jupyter Notebook - Size: 713 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

snehalvartak/MNIST
Fully connected network on MNIST data using Tensorflow
Language: Jupyter Notebook - Size: 1.45 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 3

tansut/ml-framework
Aibrite Machine Learning Framework
Language: Python - Size: 15.6 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 2

jaepil/geometric-adam
A Ray Tracing-Inspired Approach to Neural Network Optimization
Language: Python - Size: 21.5 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 1 - Forks: 0

giladodinak/mlinc
Machine Learning from scratch in C
Language: C - Size: 5.55 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 1

insdout/ML-Algorithms-From-Scratch
Implementations of main Machine Learning Agorithms from scratch: Gaussian Mixture Model, Gradient Boosting, Adam, RMSProp, PCA, QR, Eigendecomposition, Decision Trees etc.
Language: Jupyter Notebook - Size: 70 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Walleclipse/Adam_Initialization
[CPAL 2025] Revisiting the Initial Steps in Adaptive Gradient Descent Optimization
Language: Python - Size: 4.12 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

FraLiturri/NNevermind
NNevermind offers an easy-to-use Neural Network with many training options, parallelized grid search as well as results analysis.
Language: C++ - Size: 21.9 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

mkgeiger/neural-network
Simple neural-network supporting most importent features like Convolutional-/Fully Connected network completely written in Ansi C
Language: C - Size: 65.4 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ArtZaragozaGitHub/NN--P4_Predicting_Customers_Likely_to_Abandon_Bank_Services
Analyze the customer data, build a neural network to help the operations team identify the customers that are more likely to churn, and provide recommendations on how to retain such customers
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: 7 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

gaizkiaadeline/Text-Classification-Model-using-LSTM-and-word2vec-vectorization
This repository contains a text classification model using LSTM, Word2Vec embeddings, and the Adam optimizer for efficient training and classification of textual data. The model classifies textual data based on pre-trained word vectors and is built with TensorFlow and Keras.
Language: Jupyter Notebook - Size: 4.67 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Rafat3000/Glass-Classification
Classification data and using ANN model
Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

AmitKumar7138/Symbol-MathNet
Symbol-MathNet simplifies recognizing handwritten mathematical symbols using deep learning. It’s a valuable tool for educators, students, and researchers working with mathematical expressions.
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
