Topic: "scratch-implementation"
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: 1 day ago - Pushed at: 1 day ago - Stars: 622 - Forks: 53

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

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: 3 months ago - Pushed at: almost 3 years ago - Stars: 129 - Forks: 94

skyloevil/llm-scratch-pytorch
lm-scratch-pytorch - The code is designed to be beginner-friendly, with a focus on understanding the fundamentals of PyTorch and implementing LLMs from scratch,step by step.
Language: Jupyter Notebook - Size: 2.83 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 101 - Forks: 5

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: 7 days ago - Pushed at: almost 4 years ago - Stars: 90 - Forks: 66

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: 3 days ago - Pushed at: 8 months ago - Stars: 89 - Forks: 7

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: about 2 months ago - Pushed at: 5 months ago - Stars: 49 - Forks: 8

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

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

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: 29 days ago - Pushed at: over 2 years ago - Stars: 20 - 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: 3 months ago - Pushed at: 9 months ago - Stars: 18 - Forks: 1

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

hjian42/Natural-Language-Processing-Nanodegree
Natural Language Processing Nanodegree from Udacity Platform, in which I implement Hidden Markov Model for POS Tagger, Bidirectional LSTM for English-French Machine Translation, and End-to-End LSTM-based Speech Recognition
Language: Jupyter Notebook - Size: 26.3 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 18 - Forks: 16

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

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: 3 months ago - Pushed at: 4 months ago - Stars: 17 - Forks: 2

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

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

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

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

Kartofi/choki
A simple http server library built from scratch.
Language: Rust - Size: 47.9 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 9 - 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

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: 8 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 13

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

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: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 0

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

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

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

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

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

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

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

pskrunner14/lstm-from-scratch
LSTM Network from Scratch in C++
Language: C++ - Size: 121 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

avannaldas/ML-from-scratch
ML Algorithm implementation from scratch for practice
Language: Python - Size: 364 KB - Last synced at: 8 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 3

codewithdark-git/Building-LLMs-from-scratch
Building LLMs from scratch in 30 days.
Size: 15.8 MB - Last synced at: 8 days ago - Pushed at: 2 months ago - Stars: 4 - Forks: 5

haidousm/fine
an artificial neural network framework built from scratch using just Python and Numpy
Language: Python - Size: 57.5 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

scraterpreter/scrapec
Compiler for Scrape
Language: Python - Size: 33.2 KB - Last synced at: 9 days ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

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

scratchcpp/scratchcpp-render
Qt library for running and rendering Scratch projects
Language: C++ - Size: 4.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - 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

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

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

bsaikiran618/mandelbrot-set-viewer
A simple and interactive viewing tool to explore the Mandelbrot set.
Language: C++ - Size: 21.8 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

NikhilKumarMutyala/Linear-Regression-from-scartch-on-KC-House-Dataset
Linear Regression code written from scratch(No libraries used) for KC House dataset
Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: 13 days ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

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: 5 months ago - Pushed at: 5 months ago - Stars: 2 - 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: 3 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 1

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

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

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

ubugeeei/ZisakuQL
A toy scratch implementation query language and runtime like GraphQL.
Language: TypeScript - Size: 26.4 KB - Last synced at: about 15 hours ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

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

TerboucheHacene/StyleGAN-pytorch-lightning
Pytorch Lightning Implementation of StyleGAN
Language: Python - Size: 261 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

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: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - 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: 29 days ago - Pushed at: almost 4 years ago - Stars: 2 - 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

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

DavidCico/Self-implementation-of-KNN-algorithm
A k-nearest neighbors algorithm is implemented in Python from scratch to perform a classification or regression analysis.
Language: Python - Size: 97.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 5

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: over 1 year ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

kvmanohar22/char-rnn-cpp
Character level predictions of a Multi-layered Vanilla Recurrent Neural Network
Language: C++ - Size: 433 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 0

shivendrra/axgrad
lightweight tensor library that contains it's own auto-diff engine like pytorch
Language: C++ - Size: 1.19 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

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

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

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

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: 4 months ago - Pushed at: 10 months ago - Stars: 1 - 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: 3 months ago - Pushed at: 12 months ago - Stars: 1 - 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: 29 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

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: over 1 year ago - Pushed at: over 1 year 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: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - 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

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

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

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

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

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/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

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

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

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

kaushik3012/Happy-Birthday-Website
A responsive website made using only HTML and CSS.
Language: CSS - Size: 274 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

kshru9/Linear-Regression
A complete implementation of linear regression algorithms
Language: Python - Size: 60.7 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

philsaurabh/Decision-Tree-from-Scratch
Scratch Implementation of Decision Tree
Language: Jupyter Notebook - Size: 68.4 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

philsaurabh/Clustering-on-cancer-dataset
Case study on cancer with multiple clustering techniques
Language: Jupyter Notebook - Size: 676 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - 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: over 2 years ago - Pushed at: over 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

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

salvaRC/numpy-neural-network
Modular neural network from scratch in numpy. (+ activation, loss functions etc.)
Language: Jupyter Notebook - Size: 439 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

olafrv/k8s
Scripts to create a new Kubernetes cluster using vagrant or multipass on Ubuntu Linux.
Language: Shell - Size: 60.4 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - 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

zeroFruit/tServletContainer
Tiny Servlet Container Implementation which is based on Tomcat 4
Language: Java - Size: 140 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

DavidCico/Simple-functions-for-starting-machine-learning-with-Python
Several notebooks that contain different functions implemented in Python to understand the basic steps to carry out a machine learning problem.
Language: Jupyter Notebook - Size: 193 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

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: 12 days ago - Pushed at: 12 days 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: 13 days ago - Pushed at: 13 days 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: 16 days ago - Pushed at: 25 days 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: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - 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: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

dusanbrankov/carousel-component
Language: JavaScript - Size: 3.04 MB - 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.4 MB - Last synced at: about 1 month ago - Pushed at: about 2 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: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

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