Topic: "stochastic-gradient-descent"
Suji04/ML_from_Scratch
Implementation of basic ML algorithms from scratch in python...
Language: Jupyter Notebook - Size: 540 KB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 300 - Forks: 231

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

hiroyuki-kasai/SGDLibrary
MATLAB/Octave library for stochastic optimization algorithms: Version 1.0.20
Language: MATLAB - Size: 31.3 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 194 - Forks: 87

gyrdym/ml_algo
Machine learning algorithms in Dart programming language
Language: Dart - Size: 9.49 MB - Last synced at: 21 days ago - Pushed at: about 2 months ago - Stars: 192 - Forks: 31

lixilinx/psgd_torch
Pytorch implementation of preconditioned stochastic gradient descent (Kron and affine preconditioner, low-rank approximation preconditioner and more)
Language: Python - Size: 3.08 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 175 - Forks: 11

aditya9211/Blur-and-Clear-Classification
Classifying the Blur and Clear Images
Language: Python - Size: 51.8 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 98 - Forks: 24

DylanMuir/fmin_adam
Matlab implementation of the Adam stochastic gradient descent optimisation algorithm
Language: Matlab - Size: 109 KB - Last synced at: 2 months ago - Pushed at: over 8 years ago - Stars: 56 - Forks: 24

mynkpl1998/Deep-Learning-Optimization-Algorithms
Visualization of various deep learning optimization algorithms using PyTorch automatic differentiation and optimizers.
Language: Jupyter Notebook - Size: 82.5 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 53 - Forks: 7

polyfem/polysolve
Easy-to-use linear and non-linear solver
Language: C++ - Size: 774 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 51 - Forks: 20

hiroyuki-kasai/RSOpt
Riemannian stochastic optimization algorithms: Version 1.0.3
Language: MATLAB - Size: 7.62 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 19

mahdihosseini/RMSGD
Exploiting Explainable Metrics for Augmented SGD [CVPR2022]
Language: Python - Size: 19.5 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 45 - Forks: 13

ChunyuanLI/pSGLD
AAAI & CVPR 2016: Preconditioned Stochastic Gradient Langevin Dynamics (pSGLD)
Language: Matlab - Size: 27.4 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 35 - Forks: 12

xcsf-dev/xcsf
XCSF learning classifier system: rule-based online evolutionary machine learning
Language: C - Size: 49 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 34 - Forks: 13

lixilinx/psgd_tf
Tensorflow implementation of preconditioned stochastic gradient descent
Language: Python - Size: 7.4 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 14

qandeelabbassi/python-svm-sgd
Python implementation of stochastic sub-gradient descent algorithm for SVM from scratch
Language: Python - Size: 55.7 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 34 - Forks: 20

moebg/retailbox
🛍️RetailBox - eCommerce Recommender System using Machine Learning
Language: Python - Size: 26.8 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 22

hiroyuki-kasai/OLSTEC
OnLine Low-rank Subspace tracking by TEnsor CP Decomposition in Matlab: Version 1.0.1
Language: MATLAB - Size: 46.5 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 12

sibirbil/SMB
Stochastic gradient descent with model building
Language: Python - Size: 2.55 MB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 3

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

rafi007akhtar/Digit-Classifier
Wrote a neural network that uses fundamental DL algorithms to identify handwritten digits from MNIST dataset.
Language: Jupyter Notebook - Size: 15 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 12

gcampanella/pydata-london-2018
Slides and notebooks for my tutorial at PyData London 2018
Language: Jupyter Notebook - Size: 2.72 MB - Last synced at: 9 days ago - Pushed at: almost 7 years ago - Stars: 21 - Forks: 6

evarae/CNN_Tutorial
Hi! Thanks for checking out my tutorial where I walk you through the process of coding a convolutional neural network in java from scratch. After building a network for a university assignment, I decided to create a tutorial to (hopefully) help others do the same and improve my own understanding of neural networks.
Language: Java - Size: 13.7 KB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 19 - Forks: 3

wajidarshad/LUPI-SVM
SVM with Learning Using Privileged Information (LUPI) framework
Language: Python - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 19 - Forks: 4

HegdeChaitra/Yelp-Recommendation-System
Recommend Restaurants to User based on the ratings given by them to the restaurants
Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 19 - Forks: 7

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 2 months ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 21

hiroyuki-kasai/SimpleDeepNetToolbox
Simple MATLAB toolbox for deep learning network: Version 1.0.3
Language: Matlab - Size: 83 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 16 - Forks: 10

Vercaca/NN-Backpropagation
Implement a Neural Network trained with back propagation in Python
Language: Python - Size: 23.4 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 15 - Forks: 4

chenpf1025/SLN
ICLR 2021: Noise against noise: stochastic label noise helps combat inherent label noise
Language: Python - Size: 14.1 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 14 - Forks: 2

mmahesh/variants-of-rmsprop-and-adagrad
SC-Adagrad, SC-RMSProp and RMSProp algorithms for training deep networks proposed in
Language: Python - Size: 2.18 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 3

SSQ/Coursera-UW-Machine-Learning-Classification
Notebook for quick search
Size: 94.3 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 23

hpca-uji/PyDTNN
PyDTNN - Python Distributed Training of Neural Networks
Language: Python - Size: 12.4 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 4

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 at: 2 months ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 2

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

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 at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 6

saadlabyad/aslsd
Parametric estimation of multivariate Hawkes processes with general kernels.
Language: Python - Size: 12.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 1

zwd2016/AdaHMG
AdaHMG: A first-order stochastic optimization algorithm for time series data
Language: Python - Size: 3.54 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 2

clarkzinzow/Machine-Learning-and-Signal-Processing-Algorithms
MATLAB implementations of a variety of machine learning/signal processing algorithms.
Language: Matlab - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: almost 9 years ago - Stars: 8 - Forks: 4

pyrddlgym-project/pyRDDLGym-jax
JAX compilation of RDDL description files, and a differentiable planner in JAX.
Language: Python - Size: 23.5 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 7 - Forks: 1

jamesneve/go-neural-network
Modifiable neural network
Language: Go - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 7 - Forks: 1

hkalager/ML_AccountingFraud
This repository includes the scripts to replicate the results of my WORKING paper entitled "A Machine Learning Approach to Detect Accounting Frauds". You can access a copy of the manuscript at https://papers.ssrn.com/sol3/papers.cfm?abstract_id=4117764
Language: Python - Size: 22.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 3

serkanars/turkishtopicmodeling
Türkçe metinlerde konu modellemesi için tahminleme çalışması.
Language: Jupyter Notebook - Size: 686 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 0

ldv1/bbvi_spike_and_slab
Black-box spike and slab variational inference, example with linear models
Language: Python - Size: 653 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 1

hiroyuki-kasai/Subsampled-RTR
Subsampled Riemannian trust-region (RTR) algorithms
Language: MATLAB - Size: 4.95 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 5

prakHr/NeuralNetworksAndFuzzyLogic
[College Course] - Course: BITS F312 Neural Network and Fuzzy Logic
Language: Jupyter Notebook - Size: 4.12 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 2

shaharazulay/holdout-sgd
Byzantine Resilient Federated Learning
Language: Python - Size: 39.1 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2

matteoguida/Quantum-Information-and-Computing
Reinforcement learning model-free quantum control on many coupled qubits.
Language: Python - Size: 111 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

ravitejaCR7/Machine-Learning
Language: Python - Size: 186 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

m-niemeyer/Convolutional_Network
A simple convolutional network to classify handwritten digits
Language: C++ - Size: 1.95 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 2

qzhao19/sgdlib
A header-only C++ Library for Optimization Algorithms
Language: C++ - Size: 726 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 4 - Forks: 0

uds-helms/BEclear
Correction of batch effects in DNA methylation data
Language: R - Size: 1.07 MB - Last synced at: 30 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

ZJLAB-AMMI/PSWA
Python codes to implement the periodic stochastic weight averaging (PSWA) algorithm
Language: Python - Size: 5.48 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

Cr4ckC4t/neural-network-from-scratch
A basic neural network with backpropagation programmed from scratch in C++
Language: C++ - Size: 60.5 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 4

ChriZ982/NeuralNetTest
Test project for neural networks - Handwritten digit recognition on MNIST dataset
Language: Java - Size: 15.2 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

ViktorC/DETROID
A magic bitboard and parallelized PVS powered chess engine within a chess engine framework providing machine learning based parameter optimization, UCI support, and a GUI.
Language: Java - Size: 65.1 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

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

Emmanuel-R8/HarvardX-Movielens 📦
Harvard X Data Science - Capstone project on Movielens
Language: HTML - Size: 1.26 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

Hui-Li/GASGD
C++ implementation of GASGD
Language: C++ - Size: 42 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 4 - 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 at: over 1 year ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 4

twolodzko/sgdmf
Matrix factorization using SGD
Language: Python - Size: 110 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 4 - 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 at: over 1 year ago - Pushed at: about 8 years ago - Stars: 4 - 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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

amrk000/ML-Recommender-System
Machine Learning Recommender System with REST API Built using ML.NET & ASP.NET
Language: C# - Size: 4.13 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 3

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

rpazuki/snn.tutorial
Demo: Spiking Neural Network (SNN) using Generalised Linear Model (GLM)
Language: Jupyter Notebook - Size: 4.76 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

tqch/esgd-ws
Language: Python - Size: 23.9 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

aaiit/machine_learning_algorithms
🧠 Implementing some algorithms of machine learning used to solve classification and regression tasks
Language: C++ - Size: 4.61 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

mariobecerra/Tesis_LMA
Implementation of a recommender system based on matrix factorization and stochastic gradient descent (Applied Mathematics BSc dissertation thesis)
Language: TeX - Size: 75.6 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

mrsamsami/Convex-Optimization
Implementation and analysis of convex optimization algorithms
Language: Jupyter Notebook - Size: 3.77 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

xprathamesh/Backpropagation-in-MLP
Implementation of Backpropagation in Multilayer Perceptron with Stochastic Gradient Descent
Language: Python - Size: 32.6 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

Emmanuel-R8/Stanford-CS229-Coursera-Machine-Learning
Language: HTML - Size: 193 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

Nico-Curti/rSGD
Replicated Stochastic Gradient Descent algorithm
Language: C++ - Size: 262 KB - Last synced at: 28 days ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

sahith/MachineLearning
MachineLearning
Language: Python - Size: 7.15 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

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

ruivieira/spark-als-streaming
A streaming BSGD ALS implementation for Apache Spark
Language: Scala - Size: 7.81 KB - Last synced at: 6 months ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

kaustubholpadkar/Predicting-House-Price-using-Multivariate-Linear-Regression
Predicting House Price from Size and Number of Bedrooms using Multivariate Linear Regression in Python from scratch
Language: Jupyter Notebook - Size: 299 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 2

ocramz/optimization-streaming
Language: Haskell - Size: 7.81 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

gholomia/notMNIST
Implementation of multiple machine learning classifiers and regularization techniques on the notMNIST dataset.
Language: Python - Size: 87.9 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

agrawal-priyank/machine-learning-classification
Built classifiers using logistic regression and decision trees to classify product reviews and used machine learning techniques such as boosting, precision and recall, and stochastic gradient descent for optimization in Python
Language: Jupyter Notebook - Size: 71.2 MB - Last synced at: 3 days ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 5

canagnos/smle
Streaming Maximum Likelihood Estimation
Language: R - Size: 22.5 KB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 1

kinit-sk/overshoot
Overshoot: Taking advantage of future gradients in momentum-based stochastic optimization
Language: Python - Size: 488 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

thag0/Treinando-Rede-Neural-Artificial
Conjunto de ferramentas para lidar com treinamentos de redes neurais artificiais
Language: Java - Size: 21.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - 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 at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

heydarimo/Intelligent-Systems-Course
This repository contains materials and course projects during attending the Intelligent Systems Course, for more detailed information please have a look at my Final_Report files which have been separately uploaded for each of the projects and consist of all required information about the implementations, analyses, and anything else you may concern about that!
Language: Jupyter Notebook - Size: 23.9 MB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

rojinakashefi/ComputationalIntelligence
Implemented projects using neural network, fuzzy systems and evolution algorithm.
Language: Jupyter Notebook - Size: 26.7 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

fahadgorain/Bayesian-Hyper-Parameter-Optimization-for-Malware-Detection-Extended
Selected Paper from the AI-CyberSec 2021 Workshop in the 41st SGAI International Conference on Artificial Intelligence (MDPI Journal Electronics)
Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

VLSF/neuralBPX
Direct optimisation of BPX preconditioners
Language: Julia - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

sahandkhoshdel99/Intelligent-Systems-ML-
Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

jaimedantas/SGD-SoftSVM
Stochastic Gradient Descent implementation for SoftSVM
Language: MATLAB - Size: 336 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

Prajwal10031999/Titanic-Passenger-Survival-Predictions-using-machine-learning
A machine learning model to predict the survived passengers from the titanic disaster.
Language: Jupyter Notebook - Size: 48.8 KB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

Yalikesifulei/machine_learning
Some Machine Learning tools with NumPy. Neural network for multiclass classification with backprop, PCA (principal component analysis). Usage examples included. Made according to Andrew Ng ML course.
Language: Jupyter Notebook - Size: 385 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

onopkosonja/OptimizationMethods
Implementation of numerical optimization algorithms for logistic regression problem.
Language: Python - Size: 37.1 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

rjnp2/iris_predict
Language: Jupyter Notebook - Size: 148 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

KerakTelor86/BlockJumpAI 📦
A Flappy Bird clone that plays itself.
Language: C++ - Size: 32.2 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

nishi1612/Machine-Learning
This repository consists of Lab Assignments for course Machine Learning.
Language: Jupyter Notebook - Size: 3.53 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

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

longtng/Stochastic-Gradient-Descent
The laboratory from CLOUDS Course at EURECOM
Language: HTML - Size: 897 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

gokriznastic/gradient-descent-linear-regression
Using Linear Regression and Stochastic Gradient Descent coded from scratch to predict the electrical energy output for a combined circle power plant.
Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 4

bacnguyencong/LMDML
Scalable large-margin distance metric learning using stochastic gradient descent
Language: C - Size: 291 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

KazukiChiyo/kleinml
Common machine learning algorithms in python from scratch.
Language: Python - Size: 18.1 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

hiroyuki-kasai/SVRMU
MATLAB code for stochastic variance reduced multiplicative updates (SVRMU) for NMF 1.0.0
Size: 8.79 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0
