GitHub topics: gradient-descent
sovunia-hub/mathematical-modeling-of-applied-problems
This repository focuses on mathematical modeling of applied problems, particularly in the field of numerical methods for solving equations.
Language: Jupyter Notebook - Size: 755 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

TushaarGVS/backprop-lecture-notes-CS-4740
Lecture notes on backpropagation
Language: TeX - Size: 3.68 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

mayankmittal29/AlgoVision-Statistical_Methods_in_AI
Implementation of various machine learning algorithms from scratch, including Linear Regression, K-Nearest Neighbors, Decision Trees, and K-Means clustering. Also done EDA on data, Implemented LSH, IVF, SLIC algorithms also with evaluation metrics
Language: Jupyter Notebook - Size: 147 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Zer0-Bug/ML_GradientDescent-.-FindThetaValues
Implementation is to use gradient descent to find the optimal values of θ that minimize the cost function.
Language: Python - Size: 1.17 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

drkocoglu/Machine_Learning_Class
Machine Learning Class - ECE - TTU - Spring 2020
Language: MATLAB - Size: 15.2 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

francesco-innocenti/pc-saddles
Code for NeurIPS 2024 paper "Only Strict Saddles in the Energy Landscape of Predictive Coding Networks?"
Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Vishal-sys-code/machine-learning-complete-guide
The Complete Machine Learning Repository
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

SantiagoEnriqueGA/custom_neural_net
This repository focuses on building a neural network from scratch using only base python and Numpy.
Language: Python - Size: 156 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

synkathairo/geodesic-optimization
Implementation of geodesic optimization methods in Julia.
Language: Julia - Size: 49.8 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

RubixML/Sentiment
An example project using a feed-forward neural network for text sentiment classification trained with 25,000 movie reviews from the IMDB website.
Language: PHP - Size: 34 MB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 112 - Forks: 14

JRC-ISIA/ml-optimized-orthogonal-basis-1d-pp
Experimental Python code developed for research on: H. Waclawek and S. Huber, “Machine Learning Optimized Orthogonal Basis Piecewise Polynomial Approximation,” in Learning and Intelligent Optimization, Cham: Springer Nature Switzerland, 2025, pp. 427–441.
Language: Python - Size: 6.65 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

donutloop/machine-learning-research-papers
Collection of machine learning research paper references
Size: 55.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 24 - Forks: 3

MohammedSaqibMS/Optimization_methods
Description: This repository implements a 3-layer neural network to compare the performance of Gradient Descent, Momentum, and Adam optimization algorithms on a dataset, highlighting their training accuracy and convergence behavior.
Language: Jupyter Notebook - Size: 343 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MohammedSaqibMS/Planar_data_classification_with_onehidden_layer
This repository implements a simple neural network for binary classification of 2D planar data using Python and NumPy. It compares logistic regression with neural networks and includes code for forward/backward propagation, gradient descent, and decision boundary visualization.
Language: Jupyter Notebook - Size: 621 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MohammedSaqibMS/Regularization
This repository implements a 3-layer neural network with L2 and Dropout regularization using Python and NumPy. It focuses on reducing overfitting and improving generalization. The project includes forward/backward propagation, cost functions, and decision boundary visualization. Inspired by the Deep Learning Specialization from deeplearning.ai.
Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MohammedSaqibMS/Logistic-Regression-as-a-Neural-Network
Logistic Regression with Neural Network Principles: This repository implements logistic regression for classifying cat vs. non-cat images, incorporating neural network concepts like sigmoid activation and gradient descent using Python and key libraries.
Language: Jupyter Notebook - Size: 2.8 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

apotox/js-tinygrad
tiny grad backpropagation engine, just for fun
Language: JavaScript - Size: 3.91 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

noway/yagrad
yet another scalar autograd engine - featuring complex numbers and fixed DAG
Language: Python - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 26 - Forks: 2

EN10/CIFAR
CIFAR 10 image dataset
Language: Python - Size: 28.3 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 50 - Forks: 13

TapasKumarDutta1/deep_neural_network_from_scratch_pneumonia_detection
This code implements a CNN from scratch using NumPy, including custom convolutions, pooling, dense layers, activation functions, forward/backpropagation, weight updates, and training on grayscale chest X-ray images.
Language: Jupyter Notebook - Size: 6.42 MB - Last synced at: about 1 month ago - Pushed at: over 1 year 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 at: 7 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 22

pockerman/qubic_engine
Collection of C++ based algorithms on numerics, statistics, control, reinforcement learning, machine learning and robotics
Language: C++ - Size: 9.96 MB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 1

cserajdeep/ML-Tutorials
My repository for python implementation of a few prominent machine learning algorithms
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ahmedfgad/IntroDLPython
This repository is updated by a number of introductory projects to deep learning with Python.
Language: Python - Size: 453 KB - Last synced at: 18 days ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 6

krippner/auto-diff
A modular C++17 framework for automatic differentiation
Language: C++ - Size: 153 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - 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 at: 4 days ago - Pushed at: over 7 years ago - Stars: 70 - Forks: 9

Perer876/gradient-descent
HW 1 - Gradient descent
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

prashantkoirala465/Text-Scroll-Awwawards
A stunning text animation demo inspired by award-winning websites, featuring a smooth scroll-based opacity transition effect. This project demonstrates how to create an engaging text reveal animation that responds to user scroll, similar to effects seen on websites like matvoyce.tv and thirtysixstudio.com.
Language: JavaScript - Size: 69.3 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 8 - Forks: 0

camara94/formation-deep-learning
Les bases du Deep Learning en Intelligence Artificielle.
Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

ClementL4ndry/Superconductivity-dataset-prediction-Phys-231
Graded homework for the class Phsy-231 @EPFL
Language: Jupyter Notebook - Size: 109 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Haus226/OptViz
Language: Python - Size: 205 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

CPS-research-group/dtsemnet
Implementation of DTSemNet Architecture
Language: Python - Size: 40.6 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

FrienDotJava/linear-regression-from-scratch
A machine learning project building a Linear Regression model from scratch using python without help from ML libraries.
Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nprimavera/Data-Science-for-Mechanical-Systems-ML-
Code created during a Machine Learning class at Columbia University
Size: 4.98 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

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

MrGeislinger/flatiron-school-data-science-curriculum-resources
Lesson material on data science and machine learning topics/concepts
Language: Jupyter Notebook - Size: 44.5 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 148 - Forks: 142

adheep04/style-transfer-generator
An AI image generator that stylizes a photo given 2 inputs: the image whose style to mimic, the picture to apply it on
Language: Python - Size: 211 MB - Last synced at: about 22 hours ago - Pushed at: 3 months ago - Stars: 1 - 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 at: 23 days ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 21

NiMlr/pynlqn
Global Optmization with Gradients: Python implementation of an experimental non-local Newton method
Language: Python - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

Huginode/Brainsight
Machine learning project using linear regression and gradient descent to determine a person has brain tumor or not .
Language: Python - Size: 10.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

kirushyk/le
Low-level Machine Learning Library
Language: C - Size: 12.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 17 - Forks: 3

igorjakus/nomad
Numerical Optimization, Mathematics and Automatic Differentiation library in OCaml!🐫
Language: OCaml - Size: 656 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

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

gokadin/ai-simplest-network
The simplest form of an artificial neural network explained and demonstrated.
Language: Go - Size: 259 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 399 - Forks: 30

jethronap/jstat
A Java Library for Statistics, Data Analysis and Visualization.
Language: Java - Size: 1.3 MB - Last synced at: 29 days ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 1

NotShrirang/optim
A repo that contains source code for my blog "Deep Learning Optimizers: A Comprehensive Guide for Beginners (2024)"
Language: Python - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

virgantara/gradient-descent
Gradient Descent Simulation / Animation for Linear Regression in PHP
Language: PHP - Size: 10.7 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

udit-rawat/Synthax
A JAX + SymPy based project that explores optimization in ML using hessian matrix and graidents.
Language: Jupyter Notebook - Size: 7.93 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

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

DanielDialektico/mlektic
A simple machine learning python library.
Language: Python - Size: 2.38 MB - Last synced at: 17 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

GoldSharon/logistic-regression-from-scratch
A Logistic Regression model built from scratch in Python using NumPy, without ML libraries. It includes gradient descent, binary classification, and adjustable learning rates, demonstrating training, predictions, and weight updates with sigmoid activation.
Language: Jupyter Notebook - Size: 681 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

camara94/visualizing-filters-cnn-tensorflow
Welcome to Visualizing Filters of a CNN using TensorFlow. This is a project-based course which should take less than 1 hours to finish. Before diving into the project, please take a look at the course objectives and structure:
Language: Jupyter Notebook - Size: 2.53 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

adityajn105/Al-Algos-from-Scratch
Some basic AI/ML/DL algorithms implemented from scratch for understanding purposes.
Language: Jupyter Notebook - Size: 956 KB - Last synced at: 28 days ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 2

wagenaartje/torch-cgd
A fast implementation of adaptive competitive gradient descent in PyTorch 🤺
Language: Python - Size: 22.5 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

steq28/polynomial-regression
Polynomial Regression with Gradient Descent using PyTorch. This repo includes functions for plotting polynomials, generating noisy datasets, and training a linear regression model. Features visualizations for loss tracking and coefficient comparison.
Language: Python - Size: 1.08 MB - Last synced at: about 2 months ago - Pushed at: 7 months 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 at: 6 days ago - Pushed at: about 5 years ago - Stars: 50 - Forks: 11

minar09/awesome-deep-learning-techniques
A curated list of awesome deep learning techniques for deep neural networks training, testing, optimization, regularization etc.
Size: 9.77 KB - Last synced at: 8 days ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 2

MarkPhamm/Stats-Calculator
A user-friendly app for performing various statistical analyses. Easily calculate and visualize key statistics including mean, median, standard deviation, and more. Ideal for quick and accurate data analysis.
Language: Python - Size: 1.4 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Asura3301/MicroGrad
Personal Projects | Reference for Andrej Karpathy
Language: Jupyter Notebook - Size: 225 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ai-projs/neural-networks
Notes and examples of the Neural Networks and Deep Learning course
Language: Jupyter Notebook - Size: 295 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Khushi130404/Ensemble-Learning
This project demonstrates various ensemble learning techniques using Jupyter Notebook. The goal is to explore how ensemble methods can improve the performance of machine learning models for both regression and classification tasks.
Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AryaR-06/linear-regression
A Python project demonstrating basic linear regression with gradient descent and matrix operations, alongside scikit-learn comparison.
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

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 at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

markmusic27/gradient-descent-engine
🏒 A gradient decent engine optimized for linear regression models.
Language: Python - Size: 43.9 KB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

matsjfunke/feedforward-neural-network-from-scratch
Fully Connected Neural Network (FCNN) from scratch in python & Notes to aid understanding the workings of neural networks
Language: Python - Size: 30 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 6 - Forks: 1

12danielLL/Neural_Networks_Project
The project focuses on analyzing neural activity data to classify neuron types (spiny and aspiny). It integrates unsupervised learning methods (PCA, Autoencoders) and supervised learning models (Logistic Regression, MLP) to build accurate classifiers that effectively analyze neurons' electrical responses.
Language: Jupyter Notebook - Size: 2.93 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

sushant1827/Dinosaurus_Island_Character
Coursera - RNN Programming Assignment: In this project, we are in charge of a special task: Leading biology researchers are creating new breeds of dinosaurs and bringing them to life on earth, and our job is to give names to these dinosaurs. If a dinosaur does not like its name, it might go berserk, so choose wisely!
Language: Jupyter Notebook - Size: 6.25 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

GuilhemRep/Graph2LaTeX
Gradient descent to convert an abstract graph to a readable planar representation
Language: OCaml - Size: 1.88 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

MansurPro/DigitRecognizer
DigitRecognizer is a simple, handcrafted neural network implemented with NumPy to classify handwritten digits from the MNIST dataset. This project demonstrates the foundational principles of neural networks, including forward propagation, backpropagation, and gradient descent, all built from scratch without relying on deep learning frameworks.
Language: Python - Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

Honeybeei/42-linear-regression
Train a linear regression model using the gradient descent algorithm. First step to machine learning.
Language: Python - Size: 51.8 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

msikorski93/Linear-Regression-From-Scratch
Different solutions of linear and polynomial regression made from scratch.
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 14 days ago - Pushed at: 4 months 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 at: 6 days ago - Pushed at: 11 months ago - Stars: 5 - Forks: 3

leogaudin/dslr
42 • A guide to implement a linear classification model: logistic regression.
Language: Python - Size: 2.53 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

CAI991108/Machine-Learning-Utils
This repository contains the Python code and solutions for machine learning, including supervised and unsupervised learning, regularization, cross-validation, PCA, and support vector machines (SVM).
Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Sushmey/Iterative-Gauss
This contains three programs written in python. Gauss-Seidel and Successive Over Relaxation to solve system of equations and Steepest-Descent to minimize a function of 2 or 3 variables.
Language: Python - Size: 7.81 KB - Last synced at: 16 days ago - Pushed at: 6 months ago - Stars: 3 - Forks: 3

teja-1403/Coursera-Introduction-to-Neural-Networks-and-Pytorch-Honors
This project focuses on building a logistic regression model in PyTorch to predict League of Legends match outcomes using in-game statistics. It covers data preprocessing, model training, and optimization with techniques like L2 regularization and hyperparameter tuning.
Language: Jupyter Notebook - Size: 95.7 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

alloverheada2/Gradient-Full
Size: 2.93 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Bushra-Butt-17/DeepLearning-Projects
This repository contains my assignments and projects related to deep learning, including implementations of fundamental concepts such as Linear Regression, Gradient Descent, Multi-Layer Perceptron (MLP), and more. Each section includes code, explanations, and relevant documentation. The goal of this repository is to showcase my learning journey.
Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

Khushi130404/Logistic_Regression
This repository demonstrates logistic regression using step and sigmoid functions, gradient descent, and sklearn for comparison. It includes visualizations and comparisons to provide a clear understanding of the model.
Language: Jupyter Notebook - Size: 275 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ewdlop/ComputingNeuralNetworksNote
Language: Jupyter Notebook - Size: 117 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ederricho/MiniProjects
Projects Used to Solidify Knowledge
Language: HTML - Size: 2.18 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

OmidGhadami95/ALS_vs_GradientDescent
Matrix Factorization (ALS vs Gradient Descent)
Language: Jupyter Notebook - Size: 200 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

martn2023/training-regression-models
Introducing 4 regression models, and how to optimize via Gradient Descent
Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

dcarpintero/nn-image-classifier
Python from-scratch implementation of a Neural Network Classifier. Dive into the fundamentals of approximation, non-linearity, regularization, gradients, and backpropagation.
Language: Jupyter Notebook - Size: 629 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 4 - Forks: 0

muhzinkhan/Machine-Learning-Algorithms-from-Scratch
Machine Learning algorithm implementations from scratch.
Language: Jupyter Notebook - Size: 255 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

SeyedMuhammadHosseinMousavi/Complexity
Complexity
Language: Python - Size: 1.38 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

gvarun20/Machine-learning_Simple_projects
use the data set and run the ipynb file
Language: Jupyter Notebook - Size: 50.1 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

theo-liang/Python-Project-Analysis-for-ClimateWins
This project analyzes historical weather data to identify patterns and predict future weather conditions, focusing on extreme events and temperature trends across Europe.
Language: Jupyter Notebook - Size: 76.1 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Reckadon/ML-ImageReconstruction-RFF-MF
Repository for the assignment 2. ML 335, Team - KAR.ai. Has Gradient Descent with Momentum implementation, Image and Audio reconstruction using RFFs, and Image compression/reconstruction using Matrix factorisation
Language: Jupyter Notebook - Size: 97.5 MB - Last synced at: 3 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Raihan4520/Neural-Network
This repository features a 3-layer neural network built from scratch in Python, alongside TensorFlow and PyTorch versions.
Language: Jupyter Notebook - Size: 919 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 3 - Forks: 1

ostad-ai/Optimization
Optimization includes a class of methods to find global or local optima for discrete or continuous objectives; from evolutionary-based algorithms to swarm-based ones.
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

leogaudin/ft_linear_regression
42 • A guide for creating a program that predicts the price of a car by using a linear function train with a gradient descent algorithm.
Language: Python - Size: 55.7 KB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Winterwind/HousingPricesProject
A two-part project involving making predictions using various regressors and then implementing linear regression from scratch and predicting that way
Language: Jupyter Notebook - Size: 138 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

maettuu/24FS-Deep-Learning
Repository for the course Deep Learning Spring 2024
Language: Jupyter Notebook - Size: 1.51 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

SmitaSoniS/ML-Codebook
A personal repository for practicing and mastering machine learning algorithms in Python, from basic to advanced. Includes clean examples and scripts for regression, classification, clustering, and more. Built as a hands-on learning resource to deepen my understanding of ML syntax and techniques.
Size: 6.84 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

daugaard/linear-regression
Linear regression implemented in Ruby.
Language: Ruby - Size: 71.3 KB - Last synced at: 23 days ago - Pushed at: 5 months ago - Stars: 53 - Forks: 7

bp0609/Image-Reconstruction-using-Matrix-Factorization
Image reconstruction using matrix factorization involves decomposing an image matrix into two or more lower-dimensional matrices whose product approximates the original matrix. This technique is useful because it leverages the inherent structure and patterns within the image data, allowing for more efficient storage and noise reduction.
Language: Jupyter Notebook - Size: 113 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

PAminai/Numercal-Analysis
Programming different types of numerical methods using MATLAB. All codes have been developed from the scratch during the academic year 2016-2017 for Numerical Analysis course at Shiraz University.
Language: MATLAB - Size: 322 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

imdeep2905/Neural-Network-CPP
To understand neural networks thoroughly I implemented them from scratch in C++. This is the source code for the same.
Language: C++ - Size: 781 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 2

abisliouk/IE675b-machine-learning
This is a repository with the assignments of IE675b Machine Learning course at University of Mannheim.
Language: Jupyter Notebook - Size: 60.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
