Ecosyste.ms: Repos

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

GitHub topics: stochastic-gradient-descent

TianzhengHou/Artificial-Intelligence

This project will cover some of the basic Artificial Intelligence along the course using Python. Mainly will use Numpy to build everything. I write all the files in Python and it refers back to the school labs at Dalhousie University.

Language: Python - Size: 7.81 KB - Last synced: about 9 hours ago - Pushed: about 9 hours ago - Stars: 0 - Forks: 0

spaceshark123/NeuralNetwork

flexible and extensible implementation of a stochastic gradient descent feedforward neural network in Java, wrapped up in a console user interface

Language: Java - Size: 23.9 MB - Last synced: about 10 hours ago - Pushed: about 11 hours ago - Stars: 1 - Forks: 0

PrusWielki/advml-proj-1

Logistic Regression with different optimizers in Python from scratch

Language: Jupyter Notebook - Size: 23.4 MB - Last synced: 1 day ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

xcsf-dev/xcsf

XCSF learning classifier system: rule-based online evolutionary machine learning

Language: C - Size: 46.9 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 27 - Forks: 12

pyrddlgym-project/pyRDDLGym-jax

JAX compilation of RDDL description files, and a differentiable planner in JAX.

Language: Python - Size: 647 KB - Last synced: 11 days ago - Pushed: 11 days ago - Stars: 0 - Forks: 1

saadlabyad/aslsd

Parametric estimation of multivariate Hawkes processes with general kernels.

Language: Python - Size: 12.5 MB - Last synced: 13 days ago - Pushed: 13 days ago - Stars: 9 - Forks: 1

polyfem/polysolve

Easy-to-use linear and non-linear solver

Language: C++ - Size: 766 KB - Last synced: 14 days ago - Pushed: 15 days ago - Stars: 42 - Forks: 13

ocramz/optimization-streaming

Language: Haskell - Size: 7.81 KB - Last synced: 15 days ago - Pushed: about 6 years ago - Stars: 3 - Forks: 1

uds-helms/BEclear

Correction of batch effects in DNA methylation data

Language: R - Size: 1.07 MB - Last synced: 19 days ago - Pushed: about 1 year ago - Stars: 3 - Forks: 0

gyrdym/ml_algo

Machine learning algorithms in Dart programming language

Language: Dart - Size: 9.08 MB - Last synced: 16 days ago - Pushed: 5 months ago - Stars: 177 - Forks: 27

LiYan-97/CG_SF64

This code uses computational graph and neural network to solve the five-layer traffic demand estimation in Sioux Falls network. It also includes comparison of models and 10 cross-validations.

Language: Python - Size: 8.32 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 0 - Forks: 0

NILAY2233/Machine_Learning--Learning-Gradient-Descent-optimization-technique

Gradient Descent is a technique used to fine-tune machine learning algorithms with differentiable loss functions. It's an open-ended mathematical expression, tirelessly calculating the first-order derivative of a loss function and making precise parameter adjustments.

Language: Jupyter Notebook - Size: 230 KB - Last synced: 21 days ago - Pushed: 21 days ago - Stars: 0 - Forks: 0

Achint08/perceptron-neural-network

One layer Perceptron Neural Network using numpy.

Language: Python - Size: 89.8 KB - Last synced: 22 days ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

sueszli/get-rect

recommender systems algorithms

Language: HTML - Size: 1.82 MB - Last synced: 24 days ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

hpca-uji/PyDTNN

PyDTNN - Python Distributed Training of Neural Networks

Language: Python - Size: 12.4 MB - Last synced: 25 days ago - Pushed: about 2 years ago - Stars: 11 - Forks: 4

zillur-av/neural-networks

This is a python implementation of artificial neural network from scratch.

Language: Jupyter Notebook - Size: 86.9 KB - Last synced: 26 days ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

NILAY2233/Machine_Learning---Learning-Gradient-Descent-optimization-techniques

Gradient Descent is a technique used to fine-tune machine learning algorithms with differentiable loss functions. It's an open-ended mathematical expression, tirelessly calculating the first-order derivative of a loss function and making precise parameter adjustments.

Language: Jupyter Notebook - Size: 718 KB - Last synced: 26 days ago - Pushed: 26 days ago - Stars: 0 - Forks: 0

somefunAgba/autosgm

AutoSGM

Language: Python - Size: 4.93 MB - Last synced: 25 days ago - Pushed: 26 days ago - Stars: 0 - Forks: 0

IsmaelMekene/Metaheuristics--Stochastic-Optimization

Application and illustration of a wide range optimization methods

Language: Jupyter Notebook - Size: 8.6 MB - Last synced: 19 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

mahdihosseini/RMSGD

Exploiting Explainable Metrics for Augmented SGD [CVPR2022]

Language: Python - Size: 19.5 MB - Last synced: 10 days ago - Pushed: about 2 years ago - Stars: 46 - Forks: 13

sdevalapurkar/linear-regression-models

⚛️ Experimenting with three different algorithms to train linear regression models

Language: Python - Size: 1.98 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

pascal-canuel/YAIL

YAIL (Yet another AI Library) ⛵

Language: C++ - Size: 808 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

robert-giaquinto/dapper

Fast implementation of DAP topic model using Conjugate Computation Variational Inference

Language: Python - Size: 54.1 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

MohammadYasinKarbasian/Machine-Learning-Homeworks

This repository contains my solutions and implementations for assignments assigned during the Machine Learning course.

Language: Jupyter Notebook - Size: 1.65 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

lixilinx/psgd_torch

Pytorch implementation of preconditioned stochastic gradient descent (affine group preconditioner, low-rank approximation preconditioner and more)

Language: Python - Size: 1.91 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 91 - Forks: 7

wenyuzhao/Multilayer-Perceptron

Multilayer Perceptron based on NumPy

Language: Python - Size: 14.6 KB - Last synced: 15 days ago - Pushed: about 7 years ago - Stars: 2 - Forks: 1

pngo1997/Neural-Network---Stochastic-Gradient-Descent

Optimize Neural Network - Stochastic Gradient Descent algorithm.

Language: HTML - Size: 1.17 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

thomaswsu/Stochastic-Gradient-Boosting-and-Adaboost

In this repository we evaluate the performance of Stochastic Boosting and Traditional Boosting methods in two ways. The first is through evaluating the amount of data needed for each method to effectively generalize the classification problem. The second is effect of increasing the complexity of Weak Learner. How does a Weak Learner perform as it becomes for complex? Is it still able to generalize the classification problem in the same number of epochs?

Language: Jupyter Notebook - Size: 72 MB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

InCogNiTo124/recursive-sgd

A proof of concept of a recursion doing stochastic gradient descent for a simple neural network. Done in Python3 with numpy

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

rohanbaisantry/logistic-regression-from-scratch

simple logistic regression using the Stochastic gradient optimizer.

Language: Python - Size: 13.7 KB - Last synced: about 2 months ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

vishakhaa10/Titanic-classification

Have build a predictive model to determine the likelihood of survival for passengers on the Titanic using data science techniques in Python.

Language: Jupyter Notebook - Size: 81.1 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

longtng/Stochastic-Gradient-Descent

The laboratory from CLOUDS Course at EURECOM

Language: HTML - Size: 897 KB - Last synced: 2 months ago - Pushed: about 5 years ago - Stars: 2 - Forks: 1

sahandkhoshdel99/Intelligent-Systems-ML-

Language: Jupyter Notebook - Size: 21.9 MB - Last synced: 2 months ago - Pushed: over 2 years ago - Stars: 2 - Forks: 0

xenbaloch/Training-simple-classification-algorithms-for-Machine-Learning

In this repository, two basic machine learning algorithms for classification are implemented, the perceptron and adaptive linear neurons.

Language: Jupyter Notebook - Size: 1.76 MB - Last synced: 2 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

SebastianRokholt/Data-Science-Projects

A repository for various Data Science projects I've worked on, both university-related and in my spare time.

Language: Jupyter Notebook - Size: 28.3 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 3 - Forks: 0

zoom2manoj/linear_regression

Language: Jupyter Notebook - Size: 38.1 KB - Last synced: 3 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

VishnuBeji/Information-Bottleneck-in-Deep-Learning

Implementation and Analysis of Information Bottleneck Theory of Deep Learning

Language: Jupyter Notebook - Size: 18.6 KB - Last synced: 30 days ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

Niblick1020/LinearHousingPredictor

This repository contains the Python script for predicting housing prices using linear regression models.

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

18D070001/California-Housing-Prices-prediction

this notebook predicts the prices of California housing using Stochastic Gradient and SVM classifier.

Language: Jupyter Notebook - Size: 137 KB - Last synced: 4 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

saraabme/MachineLearningAlgorithms

In this project, the objective is to compare the performance of three distinct algorithms (logistic regression, gradient descent, and stochastic gradient descent)on a synthetic training set with the goal of learning a true vector w*.

Language: Jupyter Notebook - Size: 65.4 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

rpazuki/snn.tutorial

Demo: Spiking Neural Network (SNN) using Generalised Linear Model (GLM)

Language: Jupyter Notebook - Size: 4.76 MB - Last synced: about 2 months ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 2

shamim-hussain/model_parameter_estimation_sgd

Determination the poles of Auto-Regressive Systems in Noise and poles and zeros of Auto-Regressive Moving Average system by SGD in Frequency Domain.

Language: Python - Size: 149 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

killerxzol/machine-learning

Machine learning algorithms from scratch

Language: Python - Size: 6.84 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

alignedalignof/dumb-mnist

Dumb classifiers for MNIST like images wirtten in python-numpy

Language: Python - Size: 39.6 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

aysekonus/ml_optimization_algorithms

Comparsion of Machine Learning optimization algorithms with MNIST dataset

Language: Jupyter Notebook - Size: 181 KB - Last synced: 5 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

gaelmoccand/HiggsBoson_RidgeReg

This model combines a least squares regression and a Ridge regularization

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

sachink1729/Regression-Algorithms

This is my college practice work, where i try to learn and cover all the regression algorithms (preferably in python)

Language: Jupyter Notebook - Size: 64.5 KB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

privateboss0/Artificial_Intelligence_Stanford

Stanford-CS221 class practical's, Assignments and projects

Language: Python - Size: 671 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

ayjab/stochastic_optimization

This repository contains implementations of various stochastic gradient descent algorithms and gredient descent algorithms.

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

magnushelliesen/neural-network

Homemade neural network-class with a train/backpropagation method.

Language: Jupyter Notebook - Size: 70.3 MB - Last synced: 11 days ago - Pushed: 11 days ago - Stars: 0 - Forks: 0

snigdhab7/RegressionAlchemy

Explore Linear Regression with Gradient Descent, Stochastic Gradient Descent, and Ridge Regression. Uncover algorithmic insights in data modeling. 📊🎶🚀

Language: Python - Size: 3.53 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

lixilinx/psgd_tf

Tensorflow implementation of preconditioned stochastic gradient descent

Language: Python - Size: 7.4 MB - Last synced: about 2 months ago - Pushed: 6 months ago - Stars: 34 - Forks: 14

tejaswidabas123/albalone-age-prediction

🐚 Abalone Age Prediction: Dive into Data, Surf on Insights! 📊 Unleash the power of predictive analytics on abalone age estimation! From meticulous data exploration to a showdown of optimization methods, this repo is your gateway to accurate age predictions using physical measurements using Pysaprk. 🌊🔮

Language: Jupyter Notebook - Size: 3.11 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

andreasHovaldt/simple-neural-network

A simple neural network, created with numpy, based on Stochastic Gradient Descent, used for classifying the MNIST dataset

Language: Python - Size: 10.7 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

Adamdad/Filter-Gradient-Decent

In this paper, we propose Filter Gradient Decent (FGD), an efficient stochastic optimization algorithm that makes a consistent estimation of the local gradient by solving an adaptive filtering problem with different designs of filters.

Language: Python - Size: 1.22 MB - Last synced: 3 days ago - Pushed: almost 3 years ago - Stars: 11 - Forks: 2

SGDinference-Lab/SGDinference

R package for SGD inference

Language: R - Size: 34.6 MB - Last synced: 5 days ago - Pushed: 6 months ago - Stars: 0 - Forks: 1

shah314/taxonomy

Taxonomy for Recommender Systems

Language: Python - Size: 952 KB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

Suji04/ML_from_Scratch

Implementation of basic ML algorithms from scratch in python...

Language: Jupyter Notebook - Size: 540 KB - Last synced: 6 months ago - Pushed: about 3 years ago - Stars: 202 - Forks: 207

serkanars/turkishtopicmodeling

Türkçe metinlerde konu modellemesi için tahminleme çalışması.

Language: Jupyter Notebook - Size: 686 KB - Last synced: 7 months ago - Pushed: about 4 years ago - Stars: 6 - Forks: 0

wajidarshad/LUPI-SVM

SVM with Learning Using Privileged Information (LUPI) framework

Language: Python - Size: 26.4 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 19 - Forks: 4

andy-sukowski/mlp

A simple multilayer perceptron (MLP), also known as a fully connected feedforward artificial neural network, written from scratch in Julia.

Language: Julia - Size: 30.3 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

gldmt-duke/CokerAmitaiSGHMC

An implementation of Stochastic Gradient Hamiltonian Monte Carlo by Gilad Amitai and Beau Coker

Language: Jupyter Notebook - Size: 6.67 MB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 4 - Forks: 0

DylanMuir/fmin_adam

Matlab implementation of the Adam stochastic gradient descent optimisation algorithm

Language: Matlab - Size: 109 KB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 48 - Forks: 25

ChunyuanLI/pSGLD

AAAI & CVPR 2016: Preconditioned Stochastic Gradient Langevin Dynamics (pSGLD)

Language: Matlab - Size: 27.4 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 35 - Forks: 12

chrisfilippis/mbSGD

Regularized Logistic Regression using mini-batch Stochastic Gradient Descent

Language: Python - Size: 50.8 KB - Last synced: 7 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 2

chenpf1025/SLN

ICLR 2021: Noise against noise: stochastic label noise helps combat inherent label noise

Language: Python - Size: 14.1 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 14 - Forks: 2

annieyan/Stochastic_dual_coordinate_ascent

classify mnist datasets using ridge regression, optimize the algorithem with SGD, stochastic dual coordinate ascent, and mini-batching

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

Moozzaart23/py-Regressor

Implementation of Gradient-Descent algorithms in python from scratch

Language: Jupyter Notebook - Size: 21.3 MB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

canagnos/smle

Streaming Maximum Likelihood Estimation

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

prathmachowksey/Multivariate-Linear-Regression

Language: Python - Size: 7.66 MB - Last synced: 7 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

dangz90/Artificial_Intelligence

A repository with the most relevant assignments on the Master of Artificial Intelligence

Language: Jupyter Notebook - Size: 25.9 MB - Last synced: 7 months ago - Pushed: almost 6 years ago - Stars: 4 - Forks: 4

radoslawregula/binary-classification-metrics

A model implementing a solution to the binary classification problem along with several accuracy metrics.

Language: Jupyter Notebook - Size: 67.4 KB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

je-suis-tm/machine-learning

Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression

Language: Jupyter Notebook - Size: 7.84 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 176 - Forks: 44

shak360/UCLA-ECE210A-Towfic-2018-Spring-Final-Project

An attempt to recreate the BOIDS algorithm on emergent properties derived from MMSE estimates and stochastic gradient descent updates. Final result is a diffusion gradient descent algorithm.

Language: Jupyter Notebook - Size: 78.5 MB - Last synced: 7 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

qandeelabbassi/python-svm-sgd

Python implementation of stochastic sub-gradient descent algorithm for SVM from scratch

Language: Python - Size: 55.7 KB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 34 - Forks: 20

cnmeow/LinearRegression

Thực hành Linear Regression

Language: Jupyter Notebook - Size: 12.7 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

hiroyuki-kasai/SGDLibrary

MATLAB/Octave library for stochastic optimization algorithms: Version 1.0.20

Language: MATLAB - Size: 31.3 MB - Last synced: 6 months ago - Pushed: about 1 year ago - Stars: 194 - Forks: 87

thag0/Treinando-Rede-Neural-Artificial

Conjunto de ferramentas para lidar com treinamentos de redes neurais artificiais

Language: Java - Size: 21.6 MB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 2 - Forks: 0

sahil210695/gradient-descent

A simplified explanation of gradient descent for linear regression in python using numpy

Language: Jupyter Notebook - Size: 309 KB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

sibirbil/SMB

Stochastic gradient descent with model building

Language: Python - Size: 2.55 MB - Last synced: 8 days ago - Pushed: about 1 year ago - Stars: 26 - Forks: 2

Emmanuel-R8/HarvardX-Movielens 📦

Harvard X Data Science - Capstone project on Movielens

Language: HTML - Size: 1.26 MB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 4 - Forks: 0

Emmanuel-R8/Stanford-CS229-Coursera-Machine-Learning

Language: HTML - Size: 193 MB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 3 - Forks: 2

alexaapo/Linear-Regression

Implement Linear Regression class and experiment with Batch, Mini Batch and Stohastic Gradient Descent

Language: Jupyter Notebook - Size: 215 KB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

kostadin-georgiev97/deep-neural-network-from-scratch

Implementation of DNN with Early Stopping from scratch in Python. Evaluation was done on two simple datasets (Blobs and Moons) and on one more challenging dataset (Fashion-MNIST).

Language: Jupyter Notebook - Size: 29.6 MB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

Temirkul/sgd-error-bound-logreg

Empirically verifying SGD's theoretical error bound for convex functions via logistic regression loss function

Language: Jupyter Notebook - Size: 1.01 MB - Last synced: 9 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

KumarAditya98/Neural-Network-Backpropagation-Optimization

A project on understanding the performance of various different backpropagation optimization techniques in neural networks.

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

hugohiraoka/Bank_Customer_Churn_Prediction

Model to predict bank customer churn

Language: HTML - Size: 16.5 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

MohammadSadeghSalehi/SQN-and-SGD

Stochastic Quasi-Newton Method (SQN) and comparing it with SGD

Language: Jupyter Notebook - Size: 95.7 KB - Last synced: 9 months ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

SajedehHedayat/Optimization

Exercises Zak's book with Python

Language: Jupyter Notebook - Size: 132 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

annieyan/ClickProbabilityPrediction

Predict Ads click through rates using Logistic Regression. Implemented Stochastic Gradient Descent, L2 regularization, Hash Kernel

Language: Python - Size: 19.5 KB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 0

m-niemeyer/Simple_Neural_Network

A simple neural network with 2 input, 2 hidden, and 2 output neurons

Language: Jupyter Notebook - Size: 6.84 KB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

m-niemeyer/MNIST_Classification

A neural network (one input, three hidden, one output layer) to classify the MNIST handwritten digits

Language: Jupyter Notebook - Size: 5.86 KB - Last synced: 9 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

jaimedantas/SGD-SoftSVM

Stochastic Gradient Descent implementation for SoftSVM

Language: MATLAB - Size: 336 KB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

sharmayu20/Heart-Disease-Prediction

Comparison of various basic ML algorithm to predict heart disease from the given data-set

Language: Jupyter Notebook - Size: 209 KB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

gholomia/notMNIST

Implementation of multiple machine learning classifiers and regularization techniques on the notMNIST dataset.

Language: Python - Size: 87.9 KB - Last synced: 9 months ago - Pushed: over 6 years ago - Stars: 3 - Forks: 2

ltfschoen/aind2-dl

AIND Jupyter Notebook to predict student admissions using Keras Neural Networks

Language: Jupyter Notebook - Size: 138 KB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0

bhattbhavesh91/gradient-descent-variants

My implementation of Batch, Stochastic & Mini-Batch Gradient Descent Algorithm using Python

Language: Jupyter Notebook - Size: 115 KB - Last synced: 15 days ago - Pushed: over 4 years ago - Stars: 18 - Forks: 21

ttungl/Deep-Learning

Implemented the deep learning techniques using Google Tensorflow that cover deep neural networks with a fully connected network using SGD and ReLUs; Regularization with a multi-layer neural network using ReLUs, L2-regularization, and dropout, to prevent overfitting; Convolutional Neural Networks (CNNs) with learning rate decay and dropout; and Recurrent Neural Networks (RNNs) for text and sequences with Long Short-Term Memory (LSTM) networks.

Language: Jupyter Notebook - Size: 1.86 MB - Last synced: 9 months ago - Pushed: over 6 years ago - Stars: 11 - Forks: 6

MuhammadYaseenKhan/Machine-Learning-Text-Classification-with-Sklearn

Language: Jupyter Notebook - Size: 587 KB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 2

Nico-Curti/rSGD

Replicated Stochastic Gradient Descent algorithm

Language: C++ - Size: 262 KB - Last synced: 9 months ago - Pushed: over 4 years ago - Stars: 2 - Forks: 0

Related Keywords
stochastic-gradient-descent 302 machine-learning 102 gradient-descent 70 python 66 logistic-regression 49 neural-network 42 linear-regression 40 deep-learning 39 machine-learning-algorithms 28 mini-batch-gradient-descent 27 neural-networks 24 numpy 23 optimization 23 sgd 22 batch-gradient-descent 21 backpropagation 20 adam-optimizer 17 python3 17 optimization-algorithms 17 classification 16 decision-trees 15 scikit-learn 15 support-vector-machines 15 ridge-regression 15 tensorflow 15 naive-bayes-classifier 14 data-science 14 svm 13 deep-neural-networks 13 rmsprop 12 mnist 12 momentum 11 pandas 11 mnist-classification 11 adagrad 10 random-forest 9 matplotlib 9 regression 9 gradient-descent-algorithm 9 online-learning 9 artificial-intelligence 9 sentiment-analysis 9 svm-classifier 8 supervised-learning 8 convolutional-neural-networks 8 knn-classification 8 decision-tree-classifier 8 regularization 8 matlab 8 pytorch 8 lasso-regression 8 jupyter-notebook 8 perceptron 7 recommender-system 7 matrix-factorization 7 hyperparameter-optimization 7 collaborative-filtering 6 natural-language-processing 6 kmeans-clustering 6 dropout 6 principal-component-analysis 6 random-forest-classifier 6 artificial-neural-networks 6 keras 6 sgd-optimizer 6 adaboost 6 binary-classification 5 sklearn 5 l2-regularization 5 stochastic-optimization 5 gridsearchcv 5 recommender-systems 5 variance-reduction 5 classifier 5 svm-model 5 naive-bayes 5 big-data 5 multilayer-perceptron-network 5 cross-validation 5 hyperparameter-tuning 4 optimizer 4 xgboost 4 image-classification 4 non-linear-optimization 4 convex-optimization 4 backpropagation-learning-algorithm 4 mnist-dataset 4 reinforcement-learning 4 minibatch-gradient-descent 4 adam 4 cpp 4 matrix-completion 4 cnn 4 preconditioner 4 loss-functions 4 scipy 4 support-vector-machine 4 batch-normalization 4 genetic-algorithm 4 handwritten-digit-recognition 4