GitHub topics: scratch-implementation
teja00/CTIG-Diffusion
This implementation is based on the paper titled "Conditional Text Image Generation with Diffusion Models," which can be found at arXiv:2306.10804v1.
Language: Python - Size: 988 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 7 - Forks: 0

chibivue-land/chibivue
chibivue is a minimal vuejs/core implementations (reactivity, virtual dom, component runtime, compiler). An online book for building your own Vue.js.
Language: TypeScript - Size: 33.3 MB - Last synced at: 2 days ago - Pushed at: 7 days ago - Stars: 607 - Forks: 51

MomdAli/Voltray
Voltray is a work-in-progress 3D game engine focused on real-time rendering with ray tracing support. Built in C++ for performance and long-term flexibility.
Language: C++ - Size: 2.19 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

Ajax0564/VyomAI
VyomAI: state-of-the-art NLP LLM Vision MultiModel transformers implementation into Pytorch
Language: Python - Size: 46.7 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 4 - Forks: 0

levvedrov/NeuralNetEngineLab
Neural network for digit recognition built from scratch in Python using custom matrix operations
Language: Python - Size: 2.49 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Kartofi/choki
A simple http server library built from scratch.
Language: Rust - Size: 47.8 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 9 - Forks: 0

matteoppet/text_editor
Simple Raylib Text Editor from scratch
Language: C - Size: 5.35 MB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

dusanbrankov/carousel-component
Language: JavaScript - Size: 3.04 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

kanavgoyal898/noisOut
noisOut is a DDPM-based implementation for generating high-quality images, inspired by Dhariwal & Nichol (2021) and Ho et al. (2020). Using a UNet architecture with Sinusoidal Position Embeddings, the model learns to reverse a diffusion process, progressively removing noise from images.
Language: Jupyter Notebook - Size: 50.2 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

LucaTedeschini/FeedForwardNN
This project is my submission for the exam "Project Work in Architecture and Platform for Artificial Intelligence"
Language: C - Size: 14.4 MB - Last synced at: 12 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

f1ko/demystifying-cni
Explanation on what a CNI (Container Network Interface) is and how to write it from scratch.
Language: Shell - Size: 1.56 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 85 - Forks: 6

pranftw/neograd
A deep learning framework created from scratch with Python and NumPy
Language: Python - Size: 1.19 MB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 235 - Forks: 9

shivendrra/axgrad
lightweight tensor library that contains it's own auto-diff engine like pytorch
Language: Python - Size: 1.1 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

kanavgoyal898/CubeCrafter
CubeCrafter is a Python-based Rubik's Cube simulation and solving engine that implements advanced algorithms to efficiently solve Rubik's Cubes of different dimensions. This library provides a comprehensive solution for creating, manipulating, and solving Rubik's Cubes using state-of-the-art search algorithms and heuristics.
Language: Python - Size: 98.6 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

deshwalmahesh/ML-Models-from-Scratch
Repo for ML Models built from scratch such as Self-Attention, Linear +Logistic Regression, PCA, LDA. CNN, LSTM, Neural Networks using Numpy only
Language: Jupyter Notebook - Size: 38.4 MB - Last synced at: 26 days ago - Pushed at: 4 months ago - Stars: 49 - Forks: 8

PRASADSHINDE117/primitive-file-handler
F1L3 3XP10R3R is a highly customized and visually enhanced Windows file explorer written in modern C++ with native Win32 APIs. It features a matrix-themed UI, real-time system stats, a built-in command prompt, and support for file operations like copy, delete, rename, and execute.
Size: 10.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

aragaoian/ML-Algorithms
Implementing Machine Learning Algorithms from Scratch
Language: Python - Size: 39.1 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

rohan-paul/Deep-Learning-Paper-Implementation
From Scratch Implementation of some popular Deep Learning Papers with PyTorch and Tensorflow
Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: about 1 hour ago - Pushed at: about 2 years ago - Stars: 17 - Forks: 2

sudydtdtgxdjchdyfghxyfgjcj/MLP-From-Scratch
A C++ implementation of a Multilayer Perceptron (MLP) neural network using Eigen, supporting multiple activation and loss functions, mini-batch gradient descent, and backpropagation for training.
Language: C++ - Size: 23.4 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Algo-Phantoms/Algo-ScriptML
Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.
Language: Python - Size: 2.25 MB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 89 - Forks: 66

scratchcpp/scratchcpp-render
Qt library for running and rendering Scratch projects
Language: C++ - Size: 4.34 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

KhaledAshrafH/B-Tree
This contains a C++ code that implements a B-Tree data structure. A B-Tree is a self-balancing tree that can store and retrieve data efficiently. It is commonly used in databases and file systems.
Language: C++ - Size: 53.7 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 17 - Forks: 2

scratchcpp/libscratchcpp
C++ library for building Scratch project players
Language: C++ - Size: 6.36 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 28 - Forks: 8

jash0803/ai-from-scratch
Machine, Deep & Reinforcement Learning codes from scratch
Language: Python - Size: 520 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

RodrigoPAml/STOP_Protocol
Text based communication implemented over TCP protocol
Language: C# - Size: 121 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

RodrigoPAml/MinecraftFromScratch
Minecraft implementation from scratch using C++ and OpenGL for advanced computer graphics final work
Language: C++ - Size: 7.02 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

RodrigoPAml/SoftwareRasterizer
A program that emulates the 3d rendering process from scratch in the CPU with C++
Language: C++ - Size: 124 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Francesco-Zeno-Costanzo/neural-network
Some code as an introduction to neural networks
Language: Python - Size: 2.49 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 1

sohailsmi/2d-drone-rl-navigation
A reinforcement learning-based 2D drone gate navigation system built from scratch using PyTorch.
Language: Python - Size: 459 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Oneiben/2d-drone-rl-navigation
A reinforcement learning-based 2D drone gate navigation system built from scratch using PyTorch.
Language: Python - Size: 457 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mrdcvlsc/ChaCha20-Poly1305
A C++ implementation of ChaCha20 & Poly1305 stream cipher described in RFC - 8439.
Language: C++ - Size: 340 KB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 18 - Forks: 1

amiorhmn/RAG-Chatbot-from-Scratch
A command-line RAG Chatbot application built from scratch
Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

KoushikReddy9963/News-Article-Classifier
Machine learning model for classifying news articles based on their headlines.
Language: Jupyter Notebook - Size: 825 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

KhaledAshrafH/AVL-Tree
This is a C++ implementation of an AVL tree, which is a self-balancing binary search tree. An AVL tree maintains the balance factor of each node, which is the difference between the heights of its left and right subtrees. Whenever a node becomes unbalanced (its balance factor is either -2 or 2), the tree performs a rotation to restore the balance.
Language: C++ - Size: 188 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0

yuvraj97/MLViz
🎮 Here you can play with various Machine Learning Algorithm.
Language: Python - Size: 29.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

kanavgoyal898/contextSynth
contextSynth is a simple Retrieval-Augmented Generation (RAG) application that scrapes Wikipedia documents and answers relevant questions based on retrieved information. It leverages language models for embeddings, vector stores for indexing, and a retrieval-based question-answering system.
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

alamincoders/vite-react-tailwind.v4-shadcn-starter
Language: JavaScript - Size: 49.8 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

hallvardnmbu/neurons
Modular neural networks from scratch, in Rust.
Language: Rust - Size: 38.1 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 1

scratchcpp/scratchcpp-player
Scratch project player written in C++ and QML
Language: C++ - Size: 417 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 17 - Forks: 1

kanavgoyal898/propLog
propLog implements common logical operations such as NOT, AND, OR, IMPLIES, IFF, and XOR. The project supports the evaluation of logical expressions based on a model and checks if a knowledge base entails a query.
Language: Python - Size: 352 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

shanmukh05/scratch_nlp
A python library with foundational NLP Algorithms implemented from scratch using PyTorch
Language: Jupyter Notebook - Size: 18.3 MB - Last synced at: 27 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Suiram1701/ScratchDotNet
A package to create, open, edit and execute exported Scratch project in the .sb3 format.
Language: C# - Size: 633 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

faizanxmulla/data-science-portfolio
Repository containing portfolio of data-science projects completed by me for academic and self-learning purposes.
Language: Jupyter Notebook - Size: 31.9 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1

ReinoutWW/Project-RG-DatabaseEngine
Building a Database Engine from scratch..
Size: 1.95 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

geekquad/Pixel-Processing
📷 This repository is focused on having various feature implementation of OpenCV in Python. The aim is to have a minimal implementation of all OpenCV features together, under one roof.
Language: Jupyter Notebook - Size: 284 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 129 - Forks: 94

pramodyasahan/AI-Algorithms-From-Scratch
Welcome to AI-Algorithm-From-Scratch, a personal journey and comprehensive collection of machine learning and * deep learning* algorithms, built entirely from scratch. This repository is a testament to mastering the core fundamentals and pushing the boundaries of artificial intelligence through hands-on implementation of cutting-edge architectures
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Andre-FP/Polytech-Machine-Learning-Projects
Ensemble of machine learning projects from Polytech
Language: Jupyter Notebook - Size: 25 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

kanavgoyal898/echoGPT
echoGPT is a minimal GPT implementation for character-level language modeling with 25.4M parameters. Built with PyTorch, it includes multi-head self-attention, feed-forward layers, and position embeddings. Trained on text like tiny_shakespeare.txt to predict the next character.
Language: Python - Size: 7.36 MB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

kanavgoyal898/spellSensei
spellSensei is a lightweight Python-based spell checker using the Wagner-Fischer algorithm to calculate Levenshtein distance and suggest accurate corrections. Designed for efficiency, it seamlessly integrates into applications without sacrificing performance. Ideal for enhancing text accuracy in personal projects or larger systems.
Language: HTML - Size: 136 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

kanavgoyal898/evoGrad
evoGrad is a lightweight automatic differentiation engine designed to help users understand autograd concepts and neural network operations. It offers a minimal framework for gradient computation and backpropagation, making it an ideal tool for beginners to explore deep learning fundamentals.
Language: Python - Size: 1.41 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Kirti36/Machine-learning-and-deep-learning-Material
some of my work related to machine learning while practicing.
Language: Jupyter Notebook - Size: 128 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

kanavgoyal898/markoText
markoText is a Python-powered story generator using a Bag of Words Markov Chain model to craft narratives. By training on input text, it learns word transition probabilities to generate unique content mimicking the style and structure of the original.
Language: Jupyter Notebook - Size: 4.34 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Mateusmsouza/liltorch
A simple hobbyst neural network library using only numpy as dependency
Language: Python - Size: 1.04 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

tejas-130704/NN-from-scratch
A Neural Network built from scratch in Python (excluding backpropagation). Includes custom implementation of forward pass, activation functions, and gradient calculation for hands-on understanding of NN fundamentals.
Language: Python - Size: 23.4 KB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

RudreshVeerkhare/ReactPy
React implementation in Python 3, which runs on the client-side.
Language: Python - Size: 17.3 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 28 - Forks: 2

Kerciu/sqlite-clone
📒 Simple Database in C 🚀 — A lightweight and intuitive database system built in C 🗃️. This project covers essential database operations and is designed to be easy to understand and use. 💡🔍
Language: C - Size: 146 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

ammarlodhi255/ML_spelled_out
Collection of notebooks and python code of various machine learning algorithms from scratch.
Language: Jupyter Notebook - Size: 9.15 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

SwastikGorai/transformers_from_scratch
Implementation of "Attention is all you need" Paper with only PyTorch
Language: Python - Size: 1.08 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

hainn2803/The-Mr.-or-Ms.-Dilemma-Can-You-Guess-Them-All
Language: Jupyter Notebook - Size: 8.71 MB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

navinAce/Personal_Portfolio
Developing a personal portfolio using React to showcase my projects and skills.
Language: JavaScript - Size: 4.74 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ianjure/gradient-descent-for-linear-regression
Implementing gradient descent for linear regression from scratch.
Language: Python - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ianjure/simple-neural-network
Implementing a simple neural network using only Numpy.
Language: Jupyter Notebook - Size: 124 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

SnarpleDev/Snazzle
A better frontend for Scratch, built by the community, for the community
Language: HTML - Size: 6.89 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 14 - Forks: 6

Acepatil/K_Means-From-Scratch
K-Means clustering algorithm implemented from scratch in Python, inspired by the paper "Automated Variable Weighting in k-means Type Clustering" by Huang et al.
Language: Python - Size: 5.86 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

PejperO/Multi-class_Classifier
This project demonstrates multiclass classification using Perceptron and Logistic Regression, implemented from scratch without using built-in libraries. It includes techniques like One-Versus-The-Rest and One-Versus-One for Perceptron, and Softmax for Logistic Regression, with a focus on understanding core ML concepts.
Language: Python - Size: 11.7 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

psidh/fireball
Fireball is a simple terminal-based game implemented in C++ using the ncurses library. The player controls a widget that can move left and right to shoot bullets at incoming boxes. The goal is to hit all the boxes and avoid letting any box touch the widget.
Language: C++ - Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ASTeBe80/e-KG
Simple Scratch3 / TurboWarp application. Refer to "Readme_e-KG_v2.0.pdf" to know more. Download the latest version from Releases section.
Language: HTML - Size: 124 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

dungtc/go-cli-playground
Create a simple cli (command line interface) tool from scratch in Golang
Language: Go - Size: 2.21 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

echodrift/neural-net-from-scratch
An implementation of mlp and logistic network
Language: Python - Size: 62.8 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

Manaswi-Vichare/GMM-Clustering
Implementing PCA on MNIST and then performing GMM clustering. PCA is performed from scratch and done for 32, 64, and 128 components. Clustering performed in 10, 7, and 4 clusters.
Language: Jupyter Notebook - Size: 380 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Manaswi-Vichare/K-Means-from-Scratch
Performing K-means clustering on MNIST data from scratch. Instead of using Euclidean distance metric, I have used Cosine Similarity as distance metric. Clustering is done in 10, 7, and 4 clusters for analysis.
Language: Jupyter Notebook - Size: 739 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Adioosin/image-compression-using-k-mean
This notebook consist of implementation of K-Mean clustering algorithm on an image to compress it from scratch using only numpy
Language: Jupyter Notebook - Size: 1.75 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 13

innovatorved/node-sockets
A custom implementation of web sockets using Node.js, a runtime environment for JavaScript. Web sockets enable real-time communication between a client (e.g. web browser) and server, often used for applications needing real-time updates like chat rooms or collaborative platforms
Language: JavaScript - Size: 20.5 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 0

zukahai/scratch-learning
Tài liệu dạy Scratch không chỉ cung cấp lộ trình rõ ràng mà còn đi kèm với các dự án mẫu đa dạng. Điều này giúp học sinh tiếp cận môn học một cách sinh động và thú vị, từ những khái niệm cơ bản đến các ứng dụng sáng tạo phức tạp
Size: 9.39 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ayushh1023/BackPropAgora
Understanding and Implementing Backprop Algorithm from scratch
Language: Jupyter Notebook - Size: 101 KB - Last synced at: about 1 year ago - Pushed at: about 1 year 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: about 1 year ago - Pushed at: almost 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: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

GaelHF/ScratchHub
Convert all your Scratch project to a GitHub Repo
Language: Python - Size: 8.61 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ottograjeda/t-534-Scratch3-ExportMe
Scratch 3: ExportMe
Language: HTML - Size: 37.2 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

Hasnatrasool163/NeuralNetworkFromScratch
NeuralNetworkFromScratch
Language: Python - Size: 314 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

Bhavik-Ardeshna/pytorch-VAE
Variational Autoencoder and a Disentangled version (beta-VAE) implementation in PyTorch-Lightning
Language: Python - Size: 83.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

techcraphybd/techcraphybd.github.io
Technocraphy BD (TBD) is a Center for STEAM Education and Research. Currently it working to develop STEAM curriculum and Lesson plan for kids about 6 to 14 years.
Language: HTML - Size: 35.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

manharsharma007/Perceptron
Perceptron is a mathematical computational model for classifying only linearly separable data. Perceptron algorithm only works if the data is linearly separable.
Language: Python - Size: 24.4 KB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

TimaGitHub/Neural-Network-from-Scratch
Neural Network build with numpy and math (no pytorch, keras etc.) for the MNIST dataset
Language: Python - Size: 18.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

awsaf49/pii-data-detection
The Learning Agency Lab - PII Data Detection || Develop automated techniques to detect and remove PII from educational data.
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

manashpratim/Deep-Learning-From-Scratch
Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sunny-unik/React-Template
Bootstrap/boilerplate to built single page applications using react.
Language: JavaScript - Size: 47.7 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

liliansteven/image-compression-and-decompression-using-PCA-implemented-from-scratch
Repository showcasing image compression with PCA for grayscale and colored images, featuring manual PCA implementation and eigenface exploration.
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

scraterpreter/scrape
Scratch Interpreter for the CLI!
Language: C++ - Size: 265 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 3

lokaimoma/neural_nets_impl
This is me learning about neural nets and making a Rust implementation of what I've learnt and experimenting.
Language: Rust - Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sarthak-10/Gradient-Boosting-Classifier-from-Scratch
The project contains an implementation of Gradient Boosting Classifier from scratch. The implementation is performed using the MNIST dataset.
Language: Jupyter Notebook - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sarthak-10/Bagging-Classifier-from-scratch
The project contains an implementation of Bagging Classifier from scratch without the use of any inbuilt libraries.
Language: Jupyter Notebook - Size: 128 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

saranggalada/DCT-Image-Compressor-App
Implementing JPEG compression using the Discrete Cosine Transform from scratch!
Language: MATLAB - Size: 1.57 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

M0hammadrezaShakouri/Multi-Class-Classification
Implementing neural network (multi class)classification python from scratch
Language: Jupyter Notebook - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AjNavneet/ChurnPrediction_LogisticRegression_NumPy
Logistic regression using NumPy on churn data.
Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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: over 2 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: almost 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: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
