Ecosyste.ms: Repos

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

GitHub topics: gradient-descent

VincentGranville/Statistical-Optimization

Statistical optimization for AI and machine learning

Language: Python - Size: 6.43 MB - Last synced: 2 days ago - Pushed: 3 days ago - Stars: 34 - Forks: 12

codeperfectplus/SLR_ML

Simple Linear Regression Code for article

Language: Python - Size: 33.2 KB - Last synced: about 5 hours ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

timbmg/LinRegJS

Linear Regression and Visualization with JavaScript

Language: HTML - Size: 77.1 KB - Last synced: about 5 hours ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

khuyentran1401/MNIST-gradient-descent

Implementation of gradient descent from scratch with binary cross entrophy loss

Language: Jupyter Notebook - Size: 15.2 MB - Last synced: about 6 hours ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 1

bhattbhavesh91/vanishing-gradient-problem

I'll try to explain through the outcomes of Vanishing Gradient Problem

Language: Jupyter Notebook - Size: 156 KB - Last synced: about 6 hours ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 6

nachiket273/ML_Algo_Implemented

Bare-bone and simple implementations of few Machine Learning Algorithms

Language: Jupyter Notebook - Size: 2.5 MB - Last synced: about 14 hours ago - Pushed: almost 4 years ago - Stars: 5 - Forks: 3

gokadin/ai-simplest-network

The simplest form of an artificial neural network explained and demonstrated.

Language: Go - Size: 259 KB - Last synced: 3 months ago - Pushed: almost 4 years ago - Stars: 393 - Forks: 33

escaped/simple-gradient-descent

Implementation of gradient descent for a single neuron with just one input

Language: Python - Size: 3.91 KB - Last synced: about 14 hours ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 0

Alpaca-zip/gradient_descent_algorithm πŸ“¦

This repository contains an implementation of the Gradient Descent Algorithm in C++, utilizing the Armijo condition to optimize step sizes.

Language: C++ - Size: 21.5 KB - Last synced: about 17 hours ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

javascript-machine-learning/linear-regression-gradient-descent

⭐️ Linear Regression with Gradient Descent in JavaScript (Unvectorized, Visualized)

Language: JavaScript - Size: 78.1 KB - Last synced: about 20 hours ago - Pushed: over 6 years ago - Stars: 69 - Forks: 9

javascript-machine-learning/multivariate-linear-regression-gradient-descent-javascript

⭐️ Multivariate Linear Regression with Gradient Descent in JavaScript (Vectorized)

Language: JavaScript - Size: 37.1 KB - Last synced: about 20 hours ago - Pushed: over 6 years ago - Stars: 15 - Forks: 2

shravanbishnoi/Calculus

Calculus repository - resource for B.Tech CSE calculus coursework. Dive into concise notes, practice problems, and solutions. Simplifying the complexities of calculus for an enriched learning experience. πŸ“š #Calculus #Mathematics #BtechCSE

Language: Jupyter Notebook - Size: 879 KB - Last synced: about 13 hours ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

kgdatatech/climatewins-ml

Exploring the intersection of supervised machine learning algorithms and weather data to drive ClimateWins forward. (CF student project)

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

chuksoo/Mathematics-for-Machine-Learning-and-Data-Science-Specialization

This repository contains notes, slides, labs, assignments and projects for the Mathematics for Machine Learning and Data Science by DeepLearning.AI and Coursera.

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

Koukyosyumei/Gymbo

gradient-based symbolic execution engine implemented from scratch

Language: C++ - Size: 10.1 MB - Last synced: about 5 hours ago - Pushed: 5 months ago - Stars: 35 - Forks: 0

dcarpintero/deep-learning-notebooks

Get Started with Deep Learning

Language: Jupyter Notebook - Size: 210 KB - Last synced: 42 minutes ago - Pushed: 1 day ago - Stars: 1 - Forks: 0

aromanro/MachineLearning

From linear regression towards neural networks...

Language: C++ - Size: 250 MB - Last synced: 2 days ago - Pushed: 2 days ago - Stars: 17 - Forks: 0

gorgonia/gorgonia

Gorgonia is a library that helps facilitate machine learning in Go.

Language: Go - Size: 88.7 MB - Last synced: 2 days ago - Pushed: 30 days ago - Stars: 5,345 - Forks: 424

lamia-datalover/Deep_Learning

This repository contains deep learning projects. The code for each project is provided, and the explanations can be found in the ReadMe.md file of each project !

Language: Jupyter Notebook - Size: 14.6 KB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 0 - Forks: 0

Sergio0694/NeuralNetwork.NET

A TensorFlow-inspired neural network library built from scratch in C# 7.3 for .NET Standard 2.0, with GPU support through cuDNN

Language: C# - Size: 13.1 MB - Last synced: about 18 hours ago - Pushed: over 1 year ago - Stars: 535 - Forks: 82

kthohr/optim

OptimLib: a lightweight C++ library of numerical optimization methods for nonlinear functions

Language: C++ - Size: 11.7 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 771 - Forks: 130

alexsuakim/MachineLearning

Machine learning model implementations from scratch in Python

Language: Jupyter Notebook - Size: 10.4 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

manoharpalanisamy/Machine-Learning

It consists of base machine learning algorithms and applied mathematics has Involved

Language: HTML - Size: 255 MB - Last synced: 4 days ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

pkill37/asic-linreg

ASIC for executing vectorized gradient descent on linear regression problems.

Language: VHDL - Size: 110 MB - Last synced: 4 days ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

ThinamXx/NeuralNetworks_and_DeepLearning

In this repository, you will gain insights about Neural Networks and Deep Learning.

Language: Jupyter Notebook - Size: 2.58 MB - Last synced: 4 days ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

Rabbia-Hassan/Mathematics-for-Machine-Learning-and-Data-Science-Specialization-by-DeepLearning.AI

This repo has been created to share the solutions of all the quizzes and assignments of all three courses of this specialization.

Language: Jupyter Notebook - Size: 175 MB - Last synced: 4 days ago - Pushed: 5 days ago - Stars: 50 - Forks: 30

hahnec/torchimize

numerical optimization in pytorch

Language: Python - Size: 20.4 MB - Last synced: 2 days ago - Pushed: 4 months ago - Stars: 125 - Forks: 6

doccstat/fastcpd

FAST Change Point Detection in R

Language: R - Size: 77.9 MB - Last synced: 4 days ago - Pushed: 5 days ago - Stars: 19 - Forks: 1

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: 6 days ago - Pushed: 6 days ago - Stars: 0 - Forks: 0

Peachypie98/Hessian-Network-Learning

Learning Network using Hessian in PyTorch

Language: Jupyter Notebook - Size: 429 KB - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 0 - Forks: 0

Muradmustafayev-03/Optimisation-Algorithms

A collection of the most commonly used Optimisation Algorithms for Data Science & Machine Learning

Language: Python - Size: 296 KB - Last synced: 4 days ago - Pushed: 5 months ago - Stars: 9 - Forks: 0

fr3fou/gone

neural network library in go from scratch

Language: Go - Size: 185 KB - Last synced: about 5 hours ago - Pushed: 10 months ago - Stars: 31 - Forks: 2

VinylBr/EE769_MLMethods_from_scratch

Linear Regression and Classification from scratch

Language: Jupyter Notebook - Size: 2.83 MB - Last synced: 6 days ago - Pushed: 7 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: 7 days ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

krishnakumarsekar/awesome-machine-learning-deep-learning-mathematics

A curated list of mathematics documents ,Concepts, Study Materials , Algorithms and Codes available across the internet for machine learning and deep learning

Size: 6.84 KB - Last synced: 4 days ago - Pushed: over 6 years ago - Stars: 199 - Forks: 59

keyurparalkar/Exoplanet-Hunting-in-Deep-Space

The Search for New Earths

Language: Jupyter Notebook - Size: 18.6 KB - Last synced: 8 days ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

keyurparalkar/Breast-cancer-detection

Predict whether the cancer is benign or malignant

Language: Jupyter Notebook - Size: 60.5 KB - Last synced: 8 days ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

AbsolutelySaurabh/DLpytorchScholar

Deep learning projects of FacebookAIUdacity-Pytorch Scholarship'18 course.

Language: Jupyter Notebook - Size: 84.5 MB - Last synced: 9 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

vansh-py04/Machine-Learning-Algorithms-from-Scratch

This GitHub repository is a treasure trove of hands-on learning experiences, featuring a diverse collection of Machine Learning projects and algorithms built entirely from scratch in Python.

Language: Jupyter Notebook - Size: 553 KB - Last synced: 9 days ago - Pushed: 10 days ago - Stars: 0 - Forks: 0

ivallesp/awesome-optimizers

Neural Network optimizers implemented from scratch in numpy (Adam, Adadelta, RMSProp, SGD, etc.)

Language: Jupyter Notebook - Size: 35.9 MB - Last synced: 5 days ago - Pushed: about 4 years ago - Stars: 45 - Forks: 11

ShababAhmedd/CSE437_DataScience

Language: Python - Size: 13 MB - Last synced: 10 days ago - Pushed: 11 days 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: 11 days ago - Pushed: 11 days ago - Stars: 0 - Forks: 0

somefunAgba/autosgm

AutoSGM

Language: Python - Size: 4.93 MB - Last synced: 10 days ago - Pushed: 11 days ago - Stars: 0 - Forks: 0

aadimator/machine_learning_coursera

Exercises for the Coursera Machine Learning - Andrew Ng

Language: Matlab - Size: 27.8 MB - Last synced: 12 days ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

yuvalofek/Deep-Learning

Deep learning projects completed for graduate class ECE472

Language: Jupyter Notebook - Size: 7.01 MB - Last synced: 12 days ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

RazvanBerbece/MultiLayerPerceptronFNN

An abstract implementation of a Multilayered Perceptron (Multilayered Feedforward Neural Network). Provides a well-documented API which exposes a wrapper around the whole process (all the way from network config, to modelling, to training and predicting). Built in Python.

Language: Python - Size: 36.1 KB - Last synced: 12 days ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

MANOJPATRA1991/Deep-Learning-Nanodegree

Projects Related to Deep Learning Nanodegree

Language: Jupyter Notebook - Size: 33.7 MB - Last synced: 14 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

lmelvix/machine-learning

Coursework projects on Machine Learning

Language: Jupyter Notebook - Size: 73 MB - Last synced: 14 days ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 1

Hnshlr/ajap-assignment

Implementation of a gradient descent algorithm for a multi-linear regression problem based on multiple predictors, and which takes in the value of the desired learning rate and the number of iterations.

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

dishults/ft_linear_regression

An introduction to machine learning. A program that predicts the price of a car by training a linear function with a gradient descent algorithm.

Language: Python - Size: 1.27 MB - Last synced: 14 days ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

dishults/dslr

Datascience X Logistic Regression. Recreation of the Hogwarts Sorting Hat (classifier) using muggle tools (logistic regression). Plus, data analysis and visualization in different ways.

Language: Python - Size: 2.45 MB - Last synced: 14 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

ZackAkil/gradient-decent-playground

Visual tool to help explain gradient descent within supervised machine learning algorithms.

Language: HTML - Size: 1.95 KB - Last synced: 14 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

vlada-pv/Optimization-Methods-Comparison-for-ML-Models

Comparison of the Momentum, RMSprop, and Adam optimization methods to GD and SGD for machine learning models using synthetic data to evaluate convergence speed and accuracy.

Language: Jupyter Notebook - Size: 11.7 MB - Last synced: 15 days ago - Pushed: 15 days ago - Stars: 0 - Forks: 0

abeschneider/stem

Swift Tensor Extensions for Machine-learning

Language: Swift - Size: 651 KB - Last synced: 15 days ago - Pushed: over 7 years ago - Stars: 26 - Forks: 2

Remper/re-coding-ws

Source code for our paper at Re-coding Black Mirror workshop @ ISWC 2017

Language: Python - Size: 489 KB - Last synced: 16 days ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

jameslahm/computational-graph

A simple & scalable neural network framework

Language: C++ - Size: 1.39 MB - Last synced: 16 days ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

dekha51/pytorch-gradient-descent

A repository of how the gradient descent algorithm works, with implementation in PyTorch

Language: Python - Size: 2.93 KB - Last synced: 16 days ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

fau-masters-collected-works-cgarbin/cap5615-intro-to-neural-networks

CAP5615 Intro to Neural Networks class at FAU, Summer 2018

Language: R - Size: 3.34 MB - Last synced: 16 days ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

brian00715/CNN-From-Scratch

A.K.A. NUS ME5411 Final Project. Implemented a CNN framework without off-the-shelf libraries and its application for character recognition.

Language: MATLAB - Size: 8.14 MB - Last synced: 17 days ago - Pushed: 18 days ago - Stars: 1 - Forks: 0

verse-chorus/NumericalMethodsSPbU

ВсС Π»Π°Π±ΠΎΡ€Π°Ρ‚ΠΎΡ€Π½Ρ‹Π΅ Ρ€Π°Π±ΠΎΡ‚Ρ‹ ΠΊ курсу числСнных ΠΌΠ΅Ρ‚ΠΎΠ΄ΠΎΠ² ПМ-ПУ Π‘ΠŸΠ±Π“Π£, 2-3 курсы. РСализация Π½Π° Python, Java, C++

Language: Jupyter Notebook - Size: 14.3 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 2 - Forks: 1

cvanaret/Uno

A next-gen solver for nonlinearly constrained nonconvex optimization. Modular and lightweight, it unifies iterative methods (SQP vs interior points) and globalization techniques (filter method vs merit function, line search vs trust region method) in a single framework. Competitive against IPOPT, filterSQP, SNOPT, MINOS and CONOPT

Language: C++ - Size: 43 MB - Last synced: 19 days ago - Pushed: 20 days ago - Stars: 137 - Forks: 10

Arpnik/Gradient-Descent-Python

Language: Jupyter Notebook - Size: 65.4 KB - Last synced: 17 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

ameritusweb/ParallelReverseAutoDiff

Parallel Reverse Mode Automatic Differentiation in C# for Custom Neural Network Development

Language: C# - Size: 98.5 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 2 - Forks: 0

kirushyk/le

Machine Learning Framework

Language: C - Size: 12.6 MB - Last synced: 18 days ago - Pushed: 19 days ago - Stars: 17 - Forks: 3

dcarpintero/nn-image-classifier

Python from-scratch implementation of an annotated Multilayer Perceptron (MLP) for Image Classification.

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

LoyumM/Mathematics-for-Machine-Learning-and-Data-Science-Specialization

Non-credit online course by DeepLearning.AI

Language: Jupyter Notebook - Size: 61.3 MB - Last synced: 16 days ago - Pushed: 5 months ago - Stars: 31 - Forks: 19

msancor/FDS-HW2

Python project for the Fundamentals of of Data Science class for the MSc. in Data Science at the Sapienza University of Rome. The main purpose of the project is exploring Logistic Regression & Multinomial Regression concepts along with training classifiers using Gradient Descent/Ascent.

Language: Jupyter Notebook - Size: 1.28 MB - Last synced: 21 days ago - Pushed: 21 days ago - Stars: 0 - Forks: 0

Ameobea/neural-network-from-scratch

A neural network library written from scratch in Rust along with a web-based application for building + training neural networks + visualizing their outputs

Language: Rust - Size: 1.69 MB - Last synced: 17 days ago - Pushed: about 2 years ago - Stars: 115 - Forks: 11

kaydotdev/gradient-descent

A research project on enhancing gradient optimization methods

Language: Jupyter Notebook - Size: 2.49 MB - Last synced: 22 days ago - Pushed: about 1 month ago - Stars: 5 - Forks: 2

kaydotdev/improved-computer-vision

Source code of the project from the discipline "Applied Modeling"

Language: Jupyter Notebook - Size: 121 MB - Last synced: 22 days ago - Pushed: 5 months ago - Stars: 0 - Forks: 2

zeke-xie/deep-learning-dynamics-paper-list

This is a list of peer-reviewed representative papers on deep learning dynamics (optimization dynamics of neural networks). The success of deep learning attributes to both network architecture and stochastic optimization. Thus, deep learning dynamics play an essentially important role in theoretical foundation of deep learning.

Size: 184 KB - Last synced: 22 days ago - Pushed: 22 days ago - Stars: 210 - Forks: 20

google/neural-tangents

Fast and Easy Infinite Neural Networks in Python

Language: Jupyter Notebook - Size: 10.4 MB - Last synced: 21 days ago - Pushed: 2 months ago - Stars: 2,215 - Forks: 227

ThePush/dslr

Exploratory Data Analysis and Multinomial Logistic Regression from scratch

Language: Python - Size: 261 KB - Last synced: 23 days ago - Pushed: 23 days ago - Stars: 0 - Forks: 0

ikostrikov/pytorch-meta-optimizer

A PyTorch implementation of Learning to learn by gradient descent by gradient descent

Language: Python - Size: 17.6 KB - Last synced: 12 days ago - Pushed: over 5 years ago - Stars: 308 - Forks: 56

jrguignan/Descenso_del_Gradiente-from_scratch

MΓ©todo del descenso del gradiente construido desde cero - from scratch.

Language: Jupyter Notebook - Size: 1.14 MB - Last synced: 23 days ago - Pushed: 23 days ago - Stars: 0 - Forks: 0

fedefloris/Linear-regression

A multiple linear regression model

Language: Python - Size: 2.07 MB - Last synced: 25 days ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 1

thecml/dpsgd-optimizer

Amortized version of the differentially private SGD algorithm published in "Deep Learning with Differential Privacy" by Abadi et al. Enforces privacy by clipping and sanitising the gradients with Gaussian noise during training.

Language: Python - Size: 7.12 MB - Last synced: 27 days ago - Pushed: 28 days ago - Stars: 32 - Forks: 5

gvarun20/Machine-learning_Simple_projects

use the data set and run the ipynb file

Language: Jupyter Notebook - Size: 49.1 MB - Last synced: 29 days ago - Pushed: 29 days ago - Stars: 3 - Forks: 0

avik-pal/RayTracer.jl

Differentiable RayTracing in Julia

Language: Julia - Size: 34.9 MB - Last synced: 23 days ago - Pushed: about 1 year ago - Stars: 146 - Forks: 12

stefancocioran/Cat-Image-Recognition

Supervised ML program which predicts with 65% accuracy whether there is a cat in a given picture.

Language: MATLAB - Size: 23.2 MB - Last synced: 30 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

without-eyes/Newton

C++ implementation of the Newton method

Language: C++ - Size: 1000 Bytes - Last synced: 30 days ago - Pushed: 30 days ago - Stars: 0 - Forks: 0

RubixML/Housing

An example project that predicts house prices for a Kaggle competition using a Gradient Boosted Machine.

Language: PHP - Size: 617 KB - Last synced: about 23 hours ago - Pushed: over 1 year ago - Stars: 46 - Forks: 22

A-sad-ali/Machine-Learning-Specialization

Contains Optional Labs and Solutions of Programming Assignment for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2023) by Prof. Andrew NG

Language: Jupyter Notebook - Size: 51.1 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 1

fotisk07/Deep-Learning-Coursera

Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera

Language: Jupyter Notebook - Size: 87.4 MB - Last synced: 14 days ago - Pushed: over 5 years ago - Stars: 135 - Forks: 57

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 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

MatthiasNickles/Diff-ASP-Propagators

Proof of concept approach to Differentiable Answer Set Programming and Differentiable Satisfiability, for sampling and multimodels optimization. For Clingo (https://potassco.org/) + Python

Size: 22.5 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 3 - Forks: 0

ulamaca/gumbel-tricks

collections of examples of gumbel softmax tricks in optimization & deep learning

Language: Python - Size: 17.6 KB - Last synced: 11 days ago - Pushed: 16 days ago - Stars: 0 - Forks: 0

sunsided/optimization

(Nonlinear) optimization algorithms in C#

Language: C# - Size: 223 KB - Last synced: 17 days ago - Pushed: almost 3 years ago - Stars: 10 - Forks: 3

gy910210/neural-network-from-scratch

Implementing Multiple Layer Neural Network from Scratch

Language: Python - Size: 244 KB - Last synced: 30 days ago - Pushed: about 8 years ago - Stars: 309 - Forks: 91

nnamanx/linear_regression

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

AnshulOP/A-Z-Machine-Learning

This repository contains the code related to machine learning knowledge. Each code has been provided from start to end with systematical vew of each concept that you will need in your journey of learning ML.

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

harshabose/gradient_decent

A New Gradient Decent Algorithm with Secant Method Scaling and Finite Difference Derivatives. Faster, Smarter and Versatile

Language: C++ - Size: 385 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 5 - Forks: 0

falaktheoptimist/gradient_descent_optimizers

Hands on implementation of gradient descent based optimizers in raw python

Language: Jupyter Notebook - Size: 4.05 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 8 - Forks: 1

AntonioRochaAZ/Basic-Optimization-Framework---FORTRAN-90

Small project for relearning FORTRAN 90 and studying optimization concepts. This project is a generic framework over which simple optimization methods can be built upon and run.

Language: Fortran - Size: 540 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - 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: 3 days ago - Pushed: almost 2 years ago - Stars: 3 - Forks: 3

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 1 month ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

Slins-23/multivariate-linear-regression

A Python implementation from scratch of multivariate linear regression, through gradient descent. (Or univariate)

Language: Python - Size: 306 KB - Last synced: about 1 month ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

paulocressoni/LinearRegression

A simple Linear Regression exercise

Language: Matlab - Size: 5.86 KB - Last synced: about 1 month ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

Pravallikab29/Image_Recognition-Deep-Learning-Projects

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

fzehracetin/optimization-techniques

This repository will comprise primary optimization algorithms in Python language. Optimization is an extremely important part of machine learning.

Language: Jupyter Notebook - Size: 48.3 MB - Last synced: about 1 month ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

Related Keywords
gradient-descent 1,281 machine-learning 485 linear-regression 346 python 267 neural-network 195 logistic-regression 180 deep-learning 161 optimization 139 numpy 125 machine-learning-algorithms 112 neural-networks 96 optimization-algorithms 79 backpropagation 71 tensorflow 70 python3 69 stochastic-gradient-descent 69 regression 59 regularization 50 classification 48 jupyter-notebook 47 artificial-intelligence 45 data-science 44 pytorch 43 matplotlib 43 matlab 41 decision-trees 41 deep-neural-networks 41 pandas 40 perceptron 40 svm 39 convolutional-neural-networks 37 naive-bayes-classifier 35 adam-optimizer 34 gradient-descent-algorithm 33 linear-algebra 33 supervised-learning 31 ai 30 sklearn 29 random-forest 28 keras 28 ml 27 algorithm 25 support-vector-machines 25 artificial-neural-networks 25 reinforcement-learning 23 rmsprop 23 knn 23 momentum 22 k-means-clustering 22 pca 21 cnn 21 mini-batch-gradient-descent 21 adagrad 21 statistics 20 mathematics 20 gradient 20 genetic-algorithm 19 sgd 19 polynomial-regression 19 regression-models 19 convex-optimization 18 clustering 17 visualization 17 xgboost 17 cost-function 17 from-scratch 17 principal-component-analysis 17 scikit-learn 16 ridge-regression 16 kmeans-clustering 16 deeplearning 16 mnist 16 back-propagation 15 octave 15 feedforward-neural-network 15 batch-gradient-descent 15 javascript 15 coursera 14 cpp 14 scipy 14 multivariate-regression 14 normal-equation 14 lasso-regression 14 backpropagation-learning-algorithm 14 newtons-method 14 data-visualization 14 unsupervised-learning 14 adam 14 loss-functions 14 image-classification 13 optimization-methods 13 machinelearning 13 newton-method 13 r 13 sigmoid-function 13 recommender-system 13 java 13 optimizer 12 natural-language-processing 12 recurrent-neural-networks 12