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

Topic: "scratch-implementation"

Rexol/NNFromScratchPython

My realization of a simple dl framework from scratch

Language: Jupyter Notebook - Size: 42 KB - Last synced at: over 2 years ago - Pushed at: about 4 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: about 4 years ago - Stars: 0 - Forks: 0

siomarapantarotto/EcommerceFromScratch

"EcommerceFromScratch" is a basic JAVA PROJECT COURSE that runs on console and provides students orientation on how to structure a project within an IDE.

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

mtkmr/SemiModalSample

Scratch a variety of semi modal animations

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

mansi-k/MLP_classifier

Implemented a fully functioning Multi-Layer-Perceptron classifier for image classification and conducted various experiments using PyTorch

Language: Jupyter Notebook - Size: 404 KB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mansi-k/BackPropagation

Implemented back-propagation algorithm on a neural network from scratch using Tanh and ReLU derivatives and performed experiments for learning purpose

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

mansi-k/GradientDescent

Implemented gradient descent algorithm and its variants from scratch and visualized their results by training models, for comparison and learning purposes

Language: Jupyter Notebook - Size: 6.69 MB - Last synced at: about 1 month ago - Pushed at: over 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: 8 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

eschanet/ml_models_from_scratch

Collection of machine learning algorithms implemented from scratch.

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

rigved-sanku/Covid-19-Prediction

Given a dataset on the number of cases and deaths due to COVID-19, it's useful to know how the situation will progress in an area based on tthe current stats, so we can lock down, or loosen restrictions as needed

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - 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: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

mtkmr/CustomAlert

Scratch custom alert

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

rigved-sanku/NLP-Language-Translation

My first NLP Project, using seq2seq model to translate English sentences to German.

Language: Jupyter Notebook - Size: 9.42 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Dulyaaa/AF_PROJECT Fork of maheshi98/AF_PROJECT

🌃 This repository contains the ICAF Conference Management System, a 3rd Year 1st Semester group project of the Application Frameworks module.

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

Intangible-pg18/Linkedlist

C++ code for implementation of Linked lists.

Size: 31.3 KB - Last synced at: over 2 years ago - Pushed at: over 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: 8 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: 8 months ago - Pushed at: over 4 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: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

kshru9/Decision-Trees-fromScratch

A complete implementation of Decision Trees and ensemble methods: bagging, random forest and Adaboost with all the necessary plots.

Language: Python - Size: 2.95 MB - Last synced at: 9 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: 8 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

ashwinhprasad/MachineLearning-with-Julia-from-Scratch

This repo contains machine learning algorithms created from scratch in julia programming language

Language: Jupyter Notebook - Size: 109 KB - Last synced at: over 2 years ago - Pushed at: almost 5 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: 8 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Visn0/NN_from_scratch

Neural Network from scratch

Language: C++ - Size: 57.5 MB - Last synced at: over 2 years ago - Pushed at: almost 5 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: 6 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

NovitaGuok/K-Means-from-Scratch

In this code, I tried to implement K-Means without any libraries (except the prior libraries for plot and dataframe). The hyperparams I used are k and maximum iterations, so I didn't set the tolerance limit here.

Language: Jupyter Notebook - Size: 145 KB - Last synced at: over 2 years 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: 8 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

itissandeep98/ML-Assignments

Assignments of Machine Learning course

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

saksham1210/CSE-343-Machine-Learning

Assignments of the course

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

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: 18 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

hasanur-rahman/Deep-Learning-Projects

this repository contains codes for deep neural network, convolutional neural network, recurrent neural network scratch implementations and their real world applications

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

hasanur-rahman/AI-Scratch-Projects

I have implemented some AI projects from scratch implementation without explicit use of the built-in-libraries and thus added to this repo.

Language: Jupyter Notebook - Size: 381 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - 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: over 5 years ago - Stars: 0 - Forks: 0

geekquad/KNN-from-Scratch

A basic project to implement the KNN classifier from Scratch.

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 10 days ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

shanujshekhar/ML_Algorithms_from_scratch_python

Implementation of Machine Learning Algorithms in python from scratch

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

hasanur-rahman/Viola-Jones-Algo-Implementation

this repo contains implementation of Viola-Jones face detection algorithm using python

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

sampath9dasari/NaiveBayesClassifier-KDE

Implementation of Kernel Density Estimation for Naive Bayes from scratch

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

sampath9dasari/perceptron-vectorized

A vectorized implementation of Perceptron from scratch

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

farhantandia/Image-Processing-NCTU-FALL-2019

Nice Homework for Fundamental of Image Processing

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

niyazed/neural-scratch

Straight outta Neural Network

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

Cartmanishere/decision-tree

An implementation of the CART algorithm of Decision Tree used for Classification

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - 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: 8 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

SathwikTejaswi/Neural-Networks-From-Scratch

This repository contains the implementation (from scratch in python) of a simple neural network to classify MNIST. It can also be used to classify other image datasets.

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

naironics/gophernet Fork of dwhitena/gophernet

A simple from-scratch neural net written in Go

Language: Go - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

zishansami102/Neural-Network-from-Scratch

A simple python implementation of a Neural Network from scratch

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

Related Topics
python 56 machine-learning 53 neural-network 38 deep-learning 31 scratch 26 pytorch 25 numpy 24 python3 20 machine-learning-algorithms 19 cpp 17 neural-networks 15 linear-regression 13 logistic-regression 11 scratch3 11 artificial-intelligence 8 javascript 8 computer-vision 8 cnn 8 classification 7 nlp 7 perceptron 7 pytorch-implementation 7 mnist 7 java 7 jupyter-notebook 6 kmeans-clustering 6 convolutional-neural-networks 6 rnn 6 decision-trees 5 backpropagation 5 data-science 5 algorithms 5 deep-neural-networks 5 transformers 5 sklearn 5 reinforcement-learning 5 c 5 mnist-classification 4 ml 4 pca 4 gradient-descent 4 pandas 4 research-implementation 4 mathematics 4 interpreter 4 mnist-dataset 4 game 4 ai 4 mlp 4 data-structures 4 classification-algorithm 4 clustering 4 tensorflow 4 data-visualization 4 decision-tree-classifier 4 database 3 game-engine 3 perceptron-learning-algorithm 3 stochastic-gradient-descent 3 encoder-decoder 3 gan 3 matplotlib 3 natural-language-processing 3 sb3 3 recurrent-neural-networks 3 hacktoberfest 3 multiclass-classification 3 implementation 3 neural 3 tutorial 3 autograd 3 generative-adversarial-network 3 rust 3 unsupervised-learning 3 cuda 3 lstm 3 golang 3 reactjs 3 image-classification 3 random-forest 3 neural-networks-from-scratch 3 knn 3 naive-bayes-classifier 3 minecraft 3 robotics 3 llm 3 from-scratch 3 pygame 3 seq2seq 3 deep-reinforcement-learning 3 knn-classification 3 hands-on 2 cmake 2 two-way-merge-sort 2 large-files 2 k-means-clustering 2 diffusion-models 2 tensorflow2 2 object-detection 2 gpt 2