Deep_Hierarchical_Classification
PyTorch Implementation of Deep Hierarchical Classification for Category Prediction in E-commerce SystemResNet-50-CBAM-PyTorch
Implementation of Resnet-50 with and without CBAM in PyTorch v1.8. Implementation tested on Intel Image Classification dataset from https://www.kaggle.com/puneet6060/intel-image-classification.NTU-RGB-Skeleton-Python
Read the skeleton files provided in NTU RGB skeleton dataset and draw the skeleton on the corresponding RGB video.Kalman-Filter-Scratch
Implementation of Kalman Filter from scratch with notes.Attention-CNN-Visualization
Visualizing the filters of a traditional CNN and a CNN with an attention mechanism.Face-Recognition-Eigenface-Scratch
Face detection and recognition using Eigenfaces implemented with only NumPy and OpenCVChess-with-Python
A complete chess game with GUI using python and tkinter (Fully commented)Faster-RCNN-RPN
Region Proposal Network (RPN) of Faster R-CNN implementation in Python and Tensorflow 1.8 with explanations.Multiple-Linear-Regression-Gradient-Descent-Scratch
Multiple Linear regression in Python using only Numpy. With Notes.DeepCaps
PyTorch implementation of DeepCaps : Going Deeper with Capsule Networks. Original research paper : https://arxiv.org/abs/1904.09546.Convex-Polygon-Generator
A python script to generate convex polygons.Visualizing-CNN
Visualize the weights of the convolution filters and feature maps.Multilayer-Perceptron-Scratch
Multilayer Perceptron from scratch using NumPy.Multiple-Linear-Regression-Normal-Equation-Scratch
Multiple Linear Regression with Normal Equation using NumPy.CapsNet-vs-CNN
Comparison between CNN and CapsNetMasked-AutoEncoder-PyTorch
Unofficial implementation of Masked AutoEncoder (MAE) using PyTorch without using any prebuilt transformer modules.Software-Design-Patterns
Notes and Python Implementation of some well-known software design patterns.Principal-Component-Analysis-Scratch
Principal Component Analysis algorithm from scratch using only NumPy with notes.Sagemaker-TF-Flask
An example of tensorflow model to be deployed in Sagemaker with docker. Flask is used as web framework.YOLOv1
Implementation of YOLO version 1 algorithm.Vanilla-RNN-Tensorflow
Vanilla RNN for action recognition using tensorflow 1.8.0.bdd_json_to_xml
Convert Berkeley Deep Drive's json formatted dataset to Pascal VOC XML annotation format.Self-Driving-Car-CV-Module
Computer vision modules for self-driving car.gRPC-image-streaming
Stream image bytes to the server one row at a time!K-Means-Scratch
Image Segmentation using K-Means (K-Means from scratch)Transfer-Learning---Tensorflow
Transfer learning using VGG-16 architecture. Tensorflow is used as the Deep Learning framework.Sagemaker-Training
Training a model with sagemaker using notebook instance.LeJOS-in-EV3
Guide to installing LeJos in your ev3 lego mindstorm and running your first programsLSTM-RNN-Tensorflow
Long Short-Term Memory RNN using tensorflow.Vision-Transformer
Vision Transformer for classification.Jarvis-March-Algorithm
Jarvis' March or Gift Wrapping algorithm to calculate convex hull.ML-Performance_Metrics
Notes and example codes on performance metrics.TF-Serving-MNIST
Serve an MNIST model with TF Serving.I-JEPA
PyTorch implementation of I-JEPAPyTorch-Distributed-Processing-MNIST
Distributed data parallel training in Pytorch using MNIST model as example.DFT-and-FFT-NumPy
Discrete Fourier Transform and Fast Fourier Transform implementation using only NumPy with notes of derivation.CapsNet-MNIST-TF
Capsule network in Tensorflow for MNISTtensorflow-docker
Dockerfile for Tensorflow 1.8 with CUDA 9.2 and CUDNN 7.1.4Performance-Comparison
Performance comparison between different methods used for a task.Batch-Normalization-DIY
A manual calculation of batch normalization with Tensorflow and using Tensorflow's built-in module Batch Normalization.CapsNet-PyTorch
Capsule Network with Dynamic Routing using PyTorch version 1.4GPS-Location-to-Node.js-Server
TensorflowNotes
Some basic notes on tensorflowTFRecords-Notes
Notes on how to write image data to TFRecords and read a TFRecords file.WiFi-Intruder-Detector
Just a simple python script to detect unknown devices in your network.VGG-16-PyTorch1.5
rospy_example
For own use.Vision-Transformer-Classification-PyTorch
Implementation of ViT for classification.Transfer-Learning-PyTorch1.5
ViT-with-Register
Experimentation setup to compare the performance of a plain Vanilla ViT and a Vanilla ViT with Registers as per https://arxiv.org/pdf/2309.16588v1.pdfugenteraan.github.io
Online ResumePythonhackathon
Reference Materialugenteraan
My Profilehello-world
Hello World repositoryTesting-CircleCi
CircleCi testaws-lambda-sqs
A function in lambda triggered by a data push to sqs.DRIVE-01
Using Android phone as the brain to control the EV3 Lego Mindstorm robot through a web application.YOLOv2-PyTorch
Implementation of YOLO Version 2 in Pytorch 1.4DRIVE-01-Local
Controlling the EV3 Lego Mindstorm (LeJos) through an Android App (Java.net.Socket)Love Open Source and this site? Check out how you can help us