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

GitHub topics: scratch-implementation

styles3544/linear-regression-from-scratch

linear regression implementation from scratch to show the working of gradient descent optimization algorithm on some random dataset

Language: Jupyter Notebook - Size: 290 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

asd08573064/mnist_numpy

Language: Python - Size: 11 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ruchi961/Tridoku_In_Python

Has the implementation of the tridoku puzzle in python. The fill ups are represented by fruit names to refer to the exact position and values are asked frm user and filled to solve the tridoku as per the conditions of solving a tridoku and forming a successfull or appropriate pattern/conditions check to win.

Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

therealyubraj/CNN_JS

CNN implementation in p5.js from scratch built on top of neural network!!

Language: JavaScript - Size: 12.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ammahmoudi/AdaBoost-Implementation

implementing AdaBoost from scratch and comparing it with Scikit-Learn's implementation along with exploring concept of early stopping and weighted errors in boosting algorithms.

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

AbhinavThukral97/GeneralisedNeuralNetwork

Generalised neural network implemented from scratch in python to teach step-wise functioning of a neural network and back-propagation training algorithm for optical character recognition (OCR)

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

HowDoYouSpellComputers/yes-games

Files for the website Yes Games.

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

anh-nn01/Neural-Network-from-Scratch--Hand-written-Digits-classifier

This is my first Deep Learning project, which is a MNIST hand-written digits classifier. The model is implemented completely from scratch WITHOUT using any prebuilt optimization like Tensorflow or Pytorch. Tensorflow is imported only to load the MNIST data set. This model also uses 2 hidden layers with Adaptive Moment Optimization (Adam) and Drop-out regularization.

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

suvadeepmaiti/LENET

Implementing Lenet-5 for recognizing handwritten digits, from scratch from scratch.

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

jlzarate/CS50

Here's some programs I made during my current Data Science course, by David J. Malan, professor at Harvard University.

Language: C - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

coderXcode/clientforchat

Chat client build from scratch in Java, uses very simple db and java connection to mimic a chat client

Language: Java - Size: 19.8 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Leonardo-daVinci/ML-Cookbook

ML-Cookbook provides recipes for building machine learning algorithms.

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

bhavishyasharma10/KNN-algo-from-scratch

Beginner-friendly implementation of KNN classification using NumPy and Pandas

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

Rexol/NNFromScratchPython

My realization of a simple dl framework from scratch

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

Rexol/NNFromScratchCpp

My realization of neural network from scratch

Language: C++ - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

mtkmr/SemiModalSample

Scratch a variety of semi modal animations

Language: Swift - Size: 102 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

mtkmr/CustomAlert

Scratch custom alert

Language: Swift - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

davidcamilo0710/Taxi_gym_DRL

My implementation of Taxi Gym using Deep Reinforcement Learning

Language: Python - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

saksham1210/CSE-343-Machine-Learning

Assignments of the course

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

naironics/gophernet Fork of dwhitena/gophernet

A simple from-scratch neural net written in Go

Language: Go - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

naironics/blockchain_go Fork of Jeiwan/blockchain_go

A simplified blockchain implementation in Golang

Language: Go - Size: 80.1 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

ubugeeei/ZisakuQL

A toy scratch implementation query language and runtime like GraphQL.

Language: TypeScript - Size: 26.4 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Unique-Divine/Banknote-Fraud-Detection

Fraudulent banknote detection with decision trees built from scratch.

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

hainn2803/The-Mr.-or-Ms.-Dilemma-Can-You-Guess-Them-All

Language: Jupyter Notebook - Size: 8.71 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

davidcamilo0710/Routing_Reinforcement_Learning

Reinforcement Learning (RL)-based routing algorithm for SDN networks created from scratch using Python.

Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

ruchi961/CIA-Triad-ClientServer-Python

Contains the CIA traid implementation in Python Language with sockeet communication amongst two peers.

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

ruchi961/TicTacToe

TicTacToe implementation in Python. There are two implementations: A) Automated Tic Tac Toe File B) Normal multiplayer Tic Tac Toe File

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

ruchi961/Fibonacci_JAR_Implementation

Contains the implementation of Fibonacci Series in Java and the class is exported by creating a JAR file and the JAR file is imported in main class.

Language: Java - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ruchi961/Memorizer-Game

A game wherein the players memorize the digits shown for 5 seconds and then are given 60 seconds to memorize the numbers and their exact positions as they were visible and enter their guesses. The correct analysis of the answers whether correctly answered or wrongly answered is then shown.

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

pskrunner14/lstm-from-scratch

LSTM Network from Scratch in C++

Language: C++ - Size: 121 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

miraehab/ML-From-Scratch

Implementations of different machine learning algorithms from scratch.

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

its-rajesh/Deep-Learning

Implementations of the deep neural networks from the scratch such as perceptron, fully connected deep neural network (DNN), Autoecoders, CNN, RNN, LSTM etc.

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

appxpy/NNFS

Neural Network From Scratch in C++

Language: C++ - Size: 1.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

deelipvenkat/Match_Lstm_Pytorch

Machine Comprehension on Squad Dataset using Match-LSTM + Ans-Ptr Network

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

EdinZiga/PneumoniaImagesANN

CS404 Artificial Intelligence final project. This project is based on the Pneumonia Images dataset found on Kaggle. The goal was to classify the images using classic Artificial Neural Networks.

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

panierka/Kanban

Client kanban tool with multiple account support made in C#/WPF with MySQL interfacing written from scratch.

Language: C# - Size: 85 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ubugeeei/Haribote-OS

Operating system scratch implements in C lang

Language: C - Size: 640 KB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

agnibhu-1902/dessert-truck

Desserts are falling from the sky! Move the truck to collect desserts and get points.

Size: 12.7 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

TerboucheHacene/StyleGAN-pytorch-lightning

Pytorch Lightning Implementation of StyleGAN

Language: Python - Size: 261 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

kpanghat/Machine-Learning-Algorithms-from-Scratch

Implementation of Classic Machine Learning Algorithms from scratch using NumPy

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

cozheyuanzhangde/ZiZoyaOS

Toy operating system from scratch

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

cozheyuanzhangde/MyBlockchain

Simple blockchain from scratch

Language: C++ - Size: 234 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Sarah-Hesham-2022/PendigitsDataset-FromScratch-Simple-KNNClassifier

Building from scratch simple KNN Classifier without using frameworks built-in functions and applying it on the Pen Digits Dataset.

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

rishabkr/Attention-Is-All-You-Need-Explained-PyTorch

A paper implementation and tutorial from scratch combining various great resources for implementing Transformers discussesd in Attention in All You Need Paper for the task of German to English Translation.

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

vamc-stash/Decision-Tree

Implements Decision tree classification and regression algorithm from scratch in Python.

Language: Python - Size: 44.6 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 4

Khaliladib11/Neural-Network-from-scratch

I built a neural network from scratch using only numpy library.

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

sumeyye-agac/expectation-maximization-for-gaussian-mixture-model-from-scratch

Expectation-Maximization (EM) algorithm for Gaussian mixture model (GMM) from scratch

Language: Python - Size: 167 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

ubugeeei/Glasper

Toy JavaScript Interpreter implementation in Rust

Language: Rust - Size: 363 KB - Last synced at: 6 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

vaibhavnaagar/cnn

Convolutional Neural Network implemenation from scratch in python numpy

Language: Python - Size: 68.3 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 7

juanprida/random-forest-from-scratch

Implementation from scratch for decision trees and random forest classifiers.

Language: Python - Size: 278 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

arukemre/TextGenerativeModel_Scratch_with_Pytorch

Generating text files processed from a resource using Natural language processing

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

miraehab/Support-Vector-Machine-Implementation

Our Project for the Theoretical Foundations Of Machine Learning course taken during fall 2023 semester.

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

DavidCico/Self-implementation-of-a-random-forest-algorithm

A random forest algorithm is implemented in Python from scratch to perform a classification analysis.

Language: Python - Size: 94.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 2

fadilxcoder/symfony-client-server-api

API Platform - (FACR)

Language: PHP - Size: 4.88 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mansi-k/Basic_GANs

Implemented and experimented with GAN, Conditional GAN and Deep-Convolutional GAN on various datasets for comparison, learning and demonstration purposes

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

behzadshomali/Neural-networks-with-delta-rule

Train Perceptrons, MLPs, and RBFs by applying Delta rule. This repo is result of our joint work (Ilaha Manafova & I) for the "Technical Neural Networks" course held at the University of Bonn.

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

knockcat/Tetris_Game

Tetris Game using JavaScript, HTML and CSS

Language: JavaScript - Size: 13.7 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

M0hammadrezaShakouri/Linear-Regression

Linear Regression using stochastic gradient descent and batch gradient descent

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

scraterpreter/scrapec

Compiler for Scrape

Language: Python - Size: 33.2 KB - Last synced at: 28 days ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

Sigmanificient/Pygame-TileScrollingPlatformer

A pygame implementation of the scratch Tile Scrolling Platformer tutorial series from griffpatch.

Language: Python - Size: 3.08 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 1

sushant097/Deep-Learning-Paper-Scratch-Implementation

It consists of various deep learning paper implementations from scratch, including GANs, Transformers, and more with PyTorch or TensorFlow. Your feedback is highly appreciated. :)

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

theolepage/ocr Fork of NoneOfAllOfTheAbove/ocr

Optical Character Recognition software based on a simple NN and written from scratch in C.

Size: 4.36 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

itissandeep98/ML-Assignments

Assignments of Machine Learning course

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

mansi-k/LogisticReg

Implemented logistic regression from scratch to train on sign language digits dataset and titanic dataset using one-vs-one and one-vs-all algorithms

Language: Jupyter Notebook - Size: 190 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

salvaRC/Factor-Graph-Learning

Learn a Factor Graph, or Markov Random Field (MRF), from data/observations. I.e. do PGM parameter learning.

Language: Python - Size: 102 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

qilin2/BLOCKGRAM

An interactive and dynamic educational programming interface that simplifies complex structures into simple sentences for better interpretability & understanding.

Language: TypeScript - Size: 20.7 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

enriquemondragon/nebulae-nn

Neural network implementation from scratch for celestial objects classification

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

till2/Backpropagation-from-Scratch

Backpropagation for a toy MLP with one hidden layer.

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

kshru9/Linear-Regression

A complete implementation of linear regression algorithms

Language: Python - Size: 60.7 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

RahulParajuli/MachineLearningAlgorithms-Implementations

This repo contains everything you need to kick start your journey to become a machine learning engineer, I have explained all the algorithms in my own way possible so that i can learn too.

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

AboNady/Neural_Network_From_Scratch

This is the code of a Neural Network built from scratch without any libraries other than NumPy to deal with matrices and to handle the Linear Algebra part.

Language: Python - Size: 67.4 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 2

mansi-k/SiameseNet

Implemented and trained Siamese network for image classification using contrastive loss, triplet loss and regularized cross-entropy loss

Language: Jupyter Notebook - Size: 186 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

raunak-shr/Machine-Learning-Implementation

Implementing Machine Learning algorithms from scratch and using libraries.

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

Itzsten/Python-Scratch-API

A Python script to interact with the Scratch API

Language: Python - Size: 35.2 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

sumeyye-agac/next-word-prediction-using-MLP-from-scratch

Implementation of a simple neural language model (multi-layer perceptron) from scratch for next word prediction

Language: Python - Size: 237 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

sumeyye-agac/logistic-regression-from-scratch

Implementation of logistic regression from scratch using stochastic gradient descent (SGD) algorithm

Language: Python - Size: 211 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Bh4r4t/nn-from-scratch

Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

sushant097/Yolov3-Scratch-Implementation-in-Tensorflow-2

Simple implementation of Yolov3 given in this https://pjreddie.com/media/files/papers/YOLOv3.pdf paper in TF 2 for understanding and experiment

Language: Python - Size: 2.12 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

braindotai/Deep-Learning-Scratch-Arena

Implementing most important basic building blocks of Deep Learning from scratch. My goal is to provide high quality Scratch Implementations of the fundamentals of Deep Learning and its applications, with interactive well documentated jupyter notebooks. All notebooks come along with implementations using Tensorflow, MXNet and Pytorch.

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

Malab12/MLMFS

My Implementation of simple machine learning algorithms from scratch in Python

Language: Python - Size: 73.2 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

newtonsgrandson/logistic-regression-multinominal-prediction-wCostFunction

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

aurelm95/NumberRecognition

Python implementation of a Deep neural network from scratch along with a model trained on the mnist digit number dataset

Language: TeX - Size: 19.8 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

vitorpbarbosa7/NNScratch

Neural Network from Scratch from Data Science Academy Book

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

sajith-rahim/transformer-classifier

A Transformer Classifier implemented from Scratch.

Language: Python - Size: 11.1 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vinaykudari/ml-from-scratch

Learning Algorithms Written From Scratch(Almost) using Python - Numpy

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

0xpranjal/Generative-Adversarial-Network-from-Scratch

This repository is to demonstrate how we can create new images of a distribution of images with a Generative Adversarial Network (GAN)

Language: Jupyter Notebook - Size: 403 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

haidousm/fine

an artificial neural network framework built from scratch using just Python and Numpy

Language: Python - Size: 57.5 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

girish004/Data-Science-Playground

Introductory code snippets which deals with the basics of data science and machine learning which you can rely on anytime

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

jahnvi-1/1NN-algorithm-from-scratch-Python-

This repository contains a python file that implements 1NN algorithm from scratch in python for the iris and ionosphere dataset

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

avannaldas/ML-from-scratch

ML Algorithm implementation from scratch for practice

Language: Python - Size: 364 KB - Last synced at: 26 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 3

abhishk12/Implementing-ANN-from-Scratch

Implementation of Artificial Neural Network (ANN) from scratch to classify whether given image is Food/Non-Food.

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

mansi-k/ADSA_Assignment2

Implemented AVL tree as well as ordered and unordered hashmaps from scratch

Language: C++ - Size: 42 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

mansi-k/ADSA_Assignment1

Implemented infix calculator using stack, generic deque and BigInteger operations from scratch

Language: C++ - Size: 44.9 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

mansi-k/Linux_TerminalFileExplorer

Developed a program that displays the file system on the terminal and helps users navigate through it using special keys, open files and execute basic file commands

Language: C++ - Size: 136 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mansi-k/miniSQLengine

Developed an SQL engine that will run a subset of SQL queries using command-line interface

Language: Python - Size: 85 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mansi-k/ML_basic_algos

Contains KNN regression, Linear regression, KNN classification and Decision trees (using gini index, entropy & misclassification rate), all implemented from scratch.

Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mansi-k/BplusTree_rangeQ

Implemented B+ Tree for executing range queries on large SQL records

Language: C++ - Size: 1.48 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mansi-k/multiway2P_mergesort

Implemented the two-phase merge sort algorithm to sort a large number of records

Language: C++ - Size: 997 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

mansi-k/SortMerge_Join

Implemented the two-phase merge sort algorithm to sort and then join 2 large SQL relations

Language: C++ - Size: 146 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

mansi-k/KMeans_on_imgs

Implemented KMeans from scratch and trained it on Fashion-MNIST dataset by experimenting with initializaion methods like forgy, random partitions, kmeans++ and found the optimal number of clusters by implementing elbow & silhouette algorithms from scratch

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

Related Keywords
scratch-implementation 234 python 55 machine-learning 52 neural-network 38 deep-learning 30 pytorch 25 scratch 24 numpy 23 python3 20 machine-learning-algorithms 18 cpp 17 neural-networks 14 linear-regression 13 logistic-regression 10 scratch3 10 computer-vision 8 artificial-intelligence 8 cnn 7 classification 7 perceptron 7 nlp 7 javascript 6 convolutional-neural-networks 6 java 6 kmeans-clustering 6 jupyter-notebook 6 mnist 6 pytorch-implementation 6 deep-neural-networks 5 c 5 algorithms 5 decision-trees 5 reinforcement-learning 5 transformers 5 rnn 5 sklearn 5 data-science 5 data-structures 4 mathematics 4 decision-tree-classifier 4 game 4 research-implementation 4 classification-algorithm 4 mnist-classification 4 tensorflow 4 data-visualization 4 clustering 4 from-scratch 4 pandas 4 pca 4 ai 4 mlp 4 gradient-descent 4 interpreter 4 mnist-dataset 4 ml 4 multiclass-classification 3 backpropagation 3 perceptron-learning-algorithm 3 recurrent-neural-networks 3 lstm 3 robotics 3 pygame 3 deep-reinforcement-learning 3 generative-adversarial-network 3 seq2seq 3 natural-language-processing 3 neural-networks-from-scratch 3 reactjs 3 game-engine 3 random-forest 3 neural 3 hacktoberfest 3 image-classification 3 implementation 3 knn 3 golang 3 database 3 encoder-decoder 3 knn-classification 3 matplotlib 3 naive-bayes-classifier 3 gan 3 cuda 3 unsupervised-learning 3 autograd 3 tutorial 3 stochastic-gradient-descent 3 next-word-prediction 2 neural-language-model 2 named-entity-recognition 2 back-propagation 2 external-sorting 2 qt 2 kmeans 2 large-files 2 decision-tree-regression 2 two-way-merge-sort 2 gans 2 knn-classifier 2