• Stars
    star
    2
  • Language
    Jupyter Notebook
  • Created about 4 years ago
  • Updated about 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Discrete Fourier Transform and Fast Fourier Transform implementation using only NumPy with notes of derivation.

More Repositories

1

Deep_Hierarchical_Classification

PyTorch Implementation of Deep Hierarchical Classification for Category Prediction in E-commerce System
Python
84
star
2

ResNet-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.
Python
77
star
3

NTU-RGB-Skeleton-Python

Read the skeleton files provided in NTU RGB skeleton dataset and draw the skeleton on the corresponding RGB video.
Python
20
star
4

Kalman-Filter-Scratch

Implementation of Kalman Filter from scratch with notes.
Jupyter Notebook
17
star
5

Attention-CNN-Visualization

Visualizing the filters of a traditional CNN and a CNN with an attention mechanism.
Python
15
star
6

Face-Recognition-Eigenface-Scratch

Face detection and recognition using Eigenfaces implemented with only NumPy and OpenCV
Jupyter Notebook
9
star
7

Chess-with-Python

A complete chess game with GUI using python and tkinter (Fully commented)
Python
9
star
8

Faster-RCNN-RPN

Region Proposal Network (RPN) of Faster R-CNN implementation in Python and Tensorflow 1.8 with explanations.
Jupyter Notebook
9
star
9

Multiple-Linear-Regression-Gradient-Descent-Scratch

Multiple Linear regression in Python using only Numpy. With Notes.
Jupyter Notebook
7
star
10

DeepCaps

PyTorch implementation of DeepCaps : Going Deeper with Capsule Networks. Original research paper : https://arxiv.org/abs/1904.09546.
Python
7
star
11

Convex-Polygon-Generator

A python script to generate convex polygons.
Python
6
star
12

Visualizing-CNN

Visualize the weights of the convolution filters and feature maps.
Jupyter Notebook
4
star
13

Multilayer-Perceptron-Scratch

Multilayer Perceptron from scratch using NumPy.
Jupyter Notebook
4
star
14

Multiple-Linear-Regression-Normal-Equation-Scratch

Multiple Linear Regression with Normal Equation using NumPy.
Jupyter Notebook
4
star
15

CapsNet-vs-CNN

Comparison between CNN and CapsNet
Python
4
star
16

Masked-AutoEncoder-PyTorch

Unofficial implementation of Masked AutoEncoder (MAE) using PyTorch without using any prebuilt transformer modules.
Python
4
star
17

Software-Design-Patterns

Notes and Python Implementation of some well-known software design patterns.
Python
4
star
18

Principal-Component-Analysis-Scratch

Principal Component Analysis algorithm from scratch using only NumPy with notes.
Jupyter Notebook
4
star
19

Sagemaker-TF-Flask

An example of tensorflow model to be deployed in Sagemaker with docker. Flask is used as web framework.
Jupyter Notebook
3
star
20

YOLOv1

Implementation of YOLO version 1 algorithm.
Jupyter Notebook
3
star
21

Vanilla-RNN-Tensorflow

Vanilla RNN for action recognition using tensorflow 1.8.0.
Jupyter Notebook
3
star
22

bdd_json_to_xml

Convert Berkeley Deep Drive's json formatted dataset to Pascal VOC XML annotation format.
Jupyter Notebook
3
star
23

Self-Driving-Car-CV-Module

Computer vision modules for self-driving car.
Python
3
star
24

gRPC-image-streaming

Stream image bytes to the server one row at a time!
Python
3
star
25

K-Means-Scratch

Image Segmentation using K-Means (K-Means from scratch)
Jupyter Notebook
2
star
26

Transfer-Learning---Tensorflow

Transfer learning using VGG-16 architecture. Tensorflow is used as the Deep Learning framework.
Python
2
star
27

Sagemaker-Training

Training a model with sagemaker using notebook instance.
Jupyter Notebook
2
star
28

LeJOS-in-EV3

Guide to installing LeJos in your ev3 lego mindstorm and running your first programs
2
star
29

LSTM-RNN-Tensorflow

Long Short-Term Memory RNN using tensorflow.
Jupyter Notebook
2
star
30

Vision-Transformer

Vision Transformer for classification.
Python
2
star
31

Jarvis-March-Algorithm

Jarvis' March or Gift Wrapping algorithm to calculate convex hull.
Python
2
star
32

ML-Performance_Metrics

Notes and example codes on performance metrics.
Jupyter Notebook
2
star
33

TF-Serving-MNIST

Serve an MNIST model with TF Serving.
Python
2
star
34

I-JEPA

PyTorch implementation of I-JEPA
Python
2
star
35

PyTorch-Distributed-Processing-MNIST

Distributed data parallel training in Pytorch using MNIST model as example.
Python
2
star
36

CapsNet-MNIST-TF

Capsule network in Tensorflow for MNIST
Jupyter Notebook
2
star
37

tensorflow-docker

Dockerfile for Tensorflow 1.8 with CUDA 9.2 and CUDNN 7.1.4
Dockerfile
2
star
38

Performance-Comparison

Performance comparison between different methods used for a task.
Jupyter Notebook
2
star
39

Batch-Normalization-DIY

A manual calculation of batch normalization with Tensorflow and using Tensorflow's built-in module Batch Normalization.
Jupyter Notebook
2
star
40

CapsNet-PyTorch

Capsule Network with Dynamic Routing using PyTorch version 1.4
Jupyter Notebook
1
star
41

GPS-Location-to-Node.js-Server

Java
1
star
42

TensorflowNotes

Some basic notes on tensorflow
Jupyter Notebook
1
star
43

TFRecords-Notes

Notes on how to write image data to TFRecords and read a TFRecords file.
Jupyter Notebook
1
star
44

WiFi-Intruder-Detector

Just a simple python script to detect unknown devices in your network.
Python
1
star
45

VGG-16-PyTorch1.5

Python
1
star
46

rospy_example

For own use.
Python
1
star
47

Vision-Transformer-Classification-PyTorch

Implementation of ViT for classification.
Python
1
star
48

Transfer-Learning-PyTorch1.5

Python
1
star
49

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.pdf
Python
1
star
50

ugenteraan.github.io

Online Resume
JavaScript
1
star
51

Pythonhackathon

Reference Material
Python
1
star
52

ugenteraan

My Profile
1
star
53

hello-world

Hello World repository
1
star
54

Testing-CircleCi

CircleCi test
Python
1
star
55

aws-lambda-sqs

A function in lambda triggered by a data push to sqs.
Python
1
star
56

DRIVE-01

Using Android phone as the brain to control the EV3 Lego Mindstorm robot through a web application.
Java
1
star
57

YOLOv2-PyTorch

Implementation of YOLO Version 2 in Pytorch 1.4
Python
1
star
58

DRIVE-01-Local

Controlling the EV3 Lego Mindstorm (LeJos) through an Android App (Java.net.Socket)
Java
1
star