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

Topic: "batch-gradient-descent"

ahmedbesbes/Neural-Network-from-scratch

Ever wondered how to code your Neural Network using NumPy, with no frameworks involved?

Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: 25 days ago - Pushed at: over 6 years ago - Stars: 263 - Forks: 60

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

gyrdym/ml_algo

Machine learning algorithms in Dart programming language

Language: Dart - Size: 9.49 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 192 - Forks: 31

IvanBongiorni/TensorFlow2.0_Notebooks

Implementation of a series of Neural Network architectures in TensorFow 2.0

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 11 days ago - Pushed at: about 4 years ago - Stars: 37 - Forks: 22

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: 12 months ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 6

bhattbhavesh91/gradient-descent-variants

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

Language: Jupyter Notebook - Size: 115 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 21

tazriahelal/Gradient-Descent

Gradient Descent(From Scratch & With TensorFlow)

Language: Jupyter Notebook - Size: 509 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

burhanahmed1/TwitSpark

Advanced Twitter sentiment analysis pipeline using Apache Spark for distributed data processing, featuring TF-IDF–based feature engineering and stochastic gradient-descent classification for scalable, real-time sentiment insights.

Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 1

longtng/Stochastic-Gradient-Descent

The laboratory from CLOUDS Course at EURECOM

Language: HTML - Size: 897 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

DeepraMazumder/Social-Network-Ads-Prediction-Analysis

A Machine Learning project to predict user interactions with social network ads using demographic data to optimize ad targeting

Language: Jupyter Notebook - Size: 633 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Abdelrahman13-coder/Optimization

This repository includes implementation of the basic optimization algorithms (Batch-Mini-stochatic)Gradient descents and NAG,Adagrad,RMSProp and Adam)

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

hager51/Numerical-Optimization

Numerical Optimization for Machine Learning & Data Science

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

tate8/softmax-regression

Softmax Regression from scratch. MNIST dataset

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

Vedant2311/Machine-Learning-Algorithms

Compilation of different ML algorithms implemented from scratch (and optimized extensively) for the courses COL774: Machine Learning (Spring 2020) & COL772: Natural Language Processing (Fall 2020)

Language: Python - Size: 62 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

pwc2/ridge-regression

Implementation of linear regression with L2 regularization (ridge regression) using numpy.

Language: Python - Size: 21 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

prabhuvashwin/Credit-Card-Fraud-Detection 📦

Naive Bayes classifier and Logistic Regression classifier to predict whether a transaction is fraudulent or not

Language: Java - Size: 42.3 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 2

YousefAlaaAli/Gradient-descent

A practical comparison of gradient descent algorithms to predict student performance using study and lifestyle data, with visual analysis.

Language: Jupyter Notebook - Size: 556 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Khushi130404/Gradient_Realm

Gradient_Realm is a Python project exploring regression techniques and optimization methods like Regularization, Batch, Stochastic, and Mini-batch Gradient Descent. It uses scikit-learn and custom implementations for hands-on learning.

Language: HTML - Size: 5.58 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

AmbreenMahhoor/What-Is-Gradient-Descent-And-Its-Variants

Language: Jupyter Notebook - Size: 277 KB - Last synced at: 10 months ago - Pushed at: 10 months 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 at: about 1 year ago - Pushed at: 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 at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

GellertPalfi/CS229-ML-algorithms-from-scratch

Following and implementing (some of) the machine learning algorithms from scratch based on the Stanford CS229 course.

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

shimazadeh/Ft_logistic_regression

Recreated Poudlard's Sorting Hat by implementing logistic regression from scratch.

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

ChaitanyaK77/SGD-v-s-BGD

Implementation and in-depth comparative analysis of two foundational machine learning optimization algorithms, Stochastic Gradient Descent (SGD) and Batch Gradient Descent (BGD).

Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

bharghavs/House-Price-Prediction---Linear-Regression

Linear Regression - Batch Gradient Descent

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

thinhnguyen0311/Gradient-Descent-Implementation

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

MinhQuan-Github/Gradient-Descent

Gradient Descent with multiple method: Univariate - Multivariate, Momentum, Batch Gradient Descent, ...

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

AshiniAnantharaman/NeuralNetwork

Has the basics of Neural network like Activation, loss and gradient descent functions.

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

MahsaAm2/insurance-dataset

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

afnanAlgogandi/TEMPERATURE-PREDICTION

developed a model that can predict air temperature according to atmospheric pressure.

Language: Jupyter Notebook - Size: 6.73 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

chrisse22222/AI_Course

Assignments from the AI course.

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

eskinderit/SGD

An easy implementation of the Stochastic / Batch gradient descent and comparison with the standard Gradient Descent Method

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vitthal-bhandari/High-Dimensional-Data-and-Gradient-Descent

Analyzing and overcoming the curse of dimensionality and exploring various gradient descent techniques with implementations in R

Language: HTML - Size: 4.43 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

mvrck96/Coursework--Optimisation

Coursework on global optimization methods (BGD, Adadelta)

Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

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 at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

spyros-briakos/Linear_Regression

Implement Linear_Regression class and experiment with Batch,Mini Batch and Stohastic Gradient Descent!

Language: Jupyter Notebook - Size: 127 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

cryptomanic/DeepLearningBasics

Just exploring Deep Learning

Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

kirushyk/le-board

Debugging tool for Le Framework

Language: JavaScript - Size: 148 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

sdevalapurkar/linear-regression-models

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

Language: Python - Size: 1.98 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

akshaykulkarni07/deep_learning_models

Use of various deep learning models to classify flowers. Models are implemented from scratch in PyTorch using only tensor operations.

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

anuragkumar/Gradient-Descent-for-Squared-Loss

Batch Gradient Descent for Supervised Machine Learning

Language: R - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

devonlee111/Basic-Neural-Net

A basic neural net built from scratch.

Language: Python - Size: 19.8 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

hademircii/Ham-Spam-Detector

Detect Spam E-Mails

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

Related Topics
stochastic-gradient-descent 26 gradient-descent 18 mini-batch-gradient-descent 17 python 12 machine-learning 11 linear-regression 10 numpy 9 logistic-regression 8 deep-learning 5 neural-network 5 optimization-algorithms 4 rmsprop 4 data-science 4 adam-optimizer 4 adagrad 3 naive-bayes-classifier 3 matplotlib 3 scikit-learn 3 optimization 3 python3 3 lasso-regression 3 neural-networks 3 pandas 3 ridge-regression 3 gradient-descent-algorithm 2 adadelta 2 backpropagation 2 softmax-regression 2 machine-learning-algorithms 2 tensorflow 2 support-vector-machines 2 sentiment-analysis 2 keras 2 softmax-classifier 2 regression 2 minibatch-gradient-descent 2 l2-regularization 2 pytorch 2 momentum 2 classifier 2 nesterov-momentum 1 optimization-methods 1 stochastic-optimization 1 stochastic-optimizers 1 forecast-model 1 autoencoder 1 autograph 1 dimensionality-reduction 1 cnn-classifier 1 convolutional-neural-networks 1 nesterov-accelerated-sgd 1 nadam 1 gradient-boosting 1 amsgrad 1 adamax 1 adam 1 demographics 1 ad-targeting 1 matrix-multiplication 1 nag-optimizer 1 momentum-optimization-algorithm 1 mini-batch 1 classification 1 softmax-algorithm 1 softmax 1 lstm 1 expectation-maximization 1 expectation-maximization-algorithm 1 factor-analysis 1 independent-component-analysis 1 k-nearest-neighbors 1 latent-semantic-analysis 1 linear-discriminant-analysis 1 low-rank-approximation 1 multinomial-naive-bayes 1 naive-bayes 1 newton-method 1 sequential-minimal-optimization 1 singular-value-decomposition 1 support-vector-machine 1 data-analysis 1 eda 1 momentum-optimizer 1 student-performance 1 python-3 1 rnn 1 rnn-tensorflow 1 tensorflow-tutorials 1 tensorflow2 1 one-vs-all 1 predictive-modeling 1 gradient-descent-methods 1 apache-spark 1 kmeans-clustering 1 knearest-neighbor-classification 1 nltk-python 1 pyspark 1 schotastic-gradient-descent 1 seaborn 1 textblob-sentiment-analysis 1