Topic: "scratch-implementation"
SaadARazzaq/arithmetic-rnn-from-scratch
Arithmetic RNN: Sequential Computation Learning with Custom Recurrent Neural Networks
Language: Python - Size: 7.81 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0
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: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0
YoBoyBilly/FalGland
FalGland Minecraft Spinoff
Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: about 1 month 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.5 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
Flavio-Mangione/SVM-from-Scratch
This repository contains the project that I done during the exam of Optimization Method of Data Science at Sapienza University of Rome. The main goal was define a Support Vector Machine interarly from scratch using Python, and then use it for binary and multi-classification tasks.
Language: Jupyter Notebook - Size: 583 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
gheb02/Neural-Network-and-SVM-from-Scratch
This repository implements Machine Learning models from scratch (using only NumPy and basic Python). It covers both regression with Neural Networks and classification with Support Vector Machines (SVM), including binary and multiclass strategies.
Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: 2 months ago - Pushed at: 2 months 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: 2 months ago - Pushed at: 2 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: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
deepsai8/moe_llama
configurable moe-llama model training and inference built on pytorch
Language: Python - Size: 1.94 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
AliHanBtmz/Lenet_numpy
LeNet-5 implemented from scratch using only NumPy. Train and test on MNIST, visualize results, and run custom handwritten image predictions without deep learning frameworks.
Language: Python - Size: 3.99 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - 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: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
Demali-876/Chacha20-Poly1305
A Motoko implementation of ChaCha20 & Poly1305 stream cipher described in RFC - 8439.
Language: Motoko - Size: 27.3 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
xaxm007/ViT-pytorch
Paper replication of Vision Transformer (ViT) research paper and fine-tuning on custom dataset
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
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: 4.67 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
dusanbrankov/carousel-component
Language: JavaScript - Size: 3.04 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
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: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
aragaoian/ML-Algorithms
Implementing Machine Learning Algorithms from Scratch
Language: Python - Size: 39.1 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
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: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
jash0803/ai-from-scratch
Machine, Deep & Reinforcement Learning codes from scratch
Language: Python - Size: 520 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
RodrigoPAml/STOP_Protocol
Text based communication implemented over TCP protocol
Language: C# - Size: 121 KB - Last synced at: 8 months ago - Pushed at: 8 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: 8 months ago - Pushed at: 8 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: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
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: 8 months ago - Pushed at: 8 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: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
amiorhmn/RAG-Chatbot-from-Scratch
A command-line RAG Chatbot application built from scratch
Language: Python - Size: 10.7 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
yuvraj97/MLViz
🎮 Here you can play with various Machine Learning Algorithm.
Language: Python - Size: 29.4 MB - Last synced at: 9 months ago - Pushed at: 9 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: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
alamincoders/vite-react-tailwind.v4-shadcn-starter
Language: JavaScript - Size: 49.8 KB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
ReinoutWW/Project-RG-DatabaseEngine
Building a Database Engine from scratch..
Size: 1.95 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
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: 9 months ago - Pushed at: 10 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: 10 months ago - Pushed at: 10 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: 4 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: 11 months ago - Pushed at: 11 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: 9 months ago - Pushed at: 11 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: 2 months ago - Pushed at: 12 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: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - 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: about 1 month ago - Pushed at: over 1 year 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: over 1 year ago - Pushed at: over 1 year 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: 8 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
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: over 1 year ago - Pushed at: over 1 year 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: 9 months ago - Pushed at: over 1 year 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: about 1 month ago - Pushed at: over 1 year 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: 9 months ago - Pushed at: over 1 year 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - 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: over 1 year ago - Pushed at: over 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: over 1 year ago - Pushed at: over 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: over 1 year ago - Pushed at: over 1 year 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: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - 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: 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: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
manashpratim/Deep-Learning-From-Scratch
Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
cozheyuanzhangde/ZiZoyaOS
Toy operating system from scratch
Language: C - Size: 1.06 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
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: almost 2 years ago - Pushed at: almost 2 years 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: almost 2 years ago - Pushed at: almost 2 years 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
AjNavneet/ChurnPrediction_LogisticRegression_NumPy
Logistic regression using NumPy on churn data.
Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 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: about 2 years ago - Stars: 0 - Forks: 0
HowDoYouSpellComputers/yes-games
Files for the website Yes Games.
Language: HTML - Size: 6.99 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - 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: about 2 years ago - Pushed at: about 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: 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: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 3
asd08573064/mnist_numpy
Language: Python - Size: 11 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years 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: 4 months ago - Pushed at: over 2 years ago - Stars: 0 - 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: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 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: about 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
miraehab/ML-From-Scratch
Implementations of different machine learning algorithms from scratch.
Language: Jupyter Notebook - Size: 1000 KB - Last synced at: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
ubugeeei/Glasper
Toy JavaScript Interpreter implementation in Rust
Language: Rust - Size: 363 KB - Last synced at: about 1 month ago - Pushed at: over 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
fadilxcoder/symfony-client-server-api
API Platform - (FACR)
Language: PHP - Size: 4.88 MB - Last synced at: 9 months 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
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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
cozheyuanzhangde/MyBlockchain
Simple blockchain from scratch
Language: C++ - Size: 234 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - 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: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - 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: almost 3 years ago - Stars: 0 - Forks: 1
arukemre/TextGenerativeModel_Scratch_with_Pytorch
Generating text files processed from a resource using Natural language processing
Language: Python - Size: 886 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - 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: almost 3 years ago - Stars: 0 - Forks: 1
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: about 2 years ago - Pushed at: almost 3 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: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
ubugeeei/Haribote-OS
Operating system scratch implements in C lang
Language: C - Size: 640 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 0 - 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: almost 3 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: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0
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: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1
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: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0
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: about 3 years ago - Stars: 0 - Forks: 2
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: over 3 years ago - Stars: 0 - Forks: 0
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: over 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: over 3 years ago - Stars: 0 - Forks: 0
newtonsgrandson/logistic-regression-multinominal-prediction-wCostFunction
Language: Python - Size: 2.2 MB - Last synced at: over 2 years ago - Pushed at: over 3 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: over 2 years ago - Pushed at: over 3 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: almost 4 years ago - Stars: 0 - Forks: 0
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: almost 4 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: 6 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0