An open API service indexing awesome lists of open source software.

Projects in Awesome Lists by cserajdeep

A curated list of projects in awesome lists by cserajdeep .

https://github.com/cserajdeep/1dcnn-iris-pytorch

1 Dimensional Convolutional Neural Network for Iris dataset classification

1d-cnn classification cnn-classification deep-neural-networks iris-dataset python pytorch

Last synced: 14 Apr 2025

https://github.com/cserajdeep/vit-mnist-digit-classification

Vision Transformers in PyTorch MNIST Handwritten Digit Recognition

classification digits-recognition mnist python pytorch transformer

Last synced: 12 Jun 2025

https://github.com/cserajdeep/omp-eeg

Orthogonal matching pursuit-based feature selection for motor-imagery EEG signal

bci eeg-signals feature-selection machine-learning matlab motor-imagery-classification omp orthogonal-matching-persuit

Last synced: 15 Oct 2025

https://github.com/cserajdeep/ternary_parallel_latex_plot_02

TIKZ Block Diagram Example for Ternary Parallel flow.

block-diagram latex latex-template tikz-figures

Last synced: 27 Mar 2025

https://github.com/cserajdeep/binary_parallel_latex_plot_01

TIKZ Block Diagram Example for Binary Parallel flow.

block-diagram latex latex-template tikz tikz-figures

Last synced: 05 Oct 2025

https://github.com/cserajdeep/color2bwtif

Python code to convert color (.jpg, .png, .tiff) images to black and white ".TIF" images

Last synced: 25 Jul 2025

https://github.com/cserajdeep/video-classification

Video Classification of the UCF50 - Action Recognition Dataset

action-recognition keras python tensorflow ucf-50 video-classification

Last synced: 27 Mar 2025

https://github.com/cserajdeep/google-colab-helper

A brief Google Colab guide for running non-gpu python programs

google google-colab google-colab-notebook python python3

Last synced: 19 Oct 2025

https://github.com/cserajdeep/c-in-colab

Run C programs in Google Colab environment.

ansi c c99 dsa google-colaboratory programming

Last synced: 27 Mar 2025

https://github.com/cserajdeep/lstm-iris-pytorch

LSTM implementation on IRIS dataset classification using PyTorch

classification deep-neural-networks iris-dataset lstm lstm-neural-networks python pytorch

Last synced: 27 Mar 2025

https://github.com/cserajdeep/yolact-plus-plus

YOLACT++ instance segmentation custom training

instance-segmentation python pytorch yolact

Last synced: 27 Mar 2025

https://github.com/cserajdeep/stacked-racifer10net

My own stacked CNN model architecture for CIFER10 data classification

cifer10 deep-learning ensemble-learning machine-learning python python3 pytorch stacked-ensembles

Last synced: 27 Mar 2025

https://github.com/cserajdeep/randcolorugraph

Python code to draw a random undirected graph with random weights

Last synced: 27 Mar 2025

https://github.com/cserajdeep/random-image-generation-and-classification

Random Matrices with 0s and 1s have been generated and ResNet50 deep learning model has been employed to classify the types

deep-learning matrix python pytorch resnet-50

Last synced: 14 Jun 2025

https://github.com/cserajdeep/maskrcnn-kangaroo

Mask RCNN instance segmentation custom training on Kangaroo Dataset

instance-segmentation kangaroo mask-rcnn python pytorch

Last synced: 27 Mar 2025

https://github.com/cserajdeep/image2text

Python code to extract text from a given image

Last synced: 27 Mar 2025

https://github.com/cserajdeep/graph-networkx-101

Basic Graph operations such as BFS, DFS, Shortest Path Length etc.

bfs dfs graph networkx python

Last synced: 24 Jun 2025

https://github.com/cserajdeep/facealignmentmtcnn

Python code to detect human face using MTCNN and align it accordingly

face-alignment mtcnn mtcnn-face-detection opencv python

Last synced: 27 Mar 2025

https://github.com/cserajdeep/eye-activity-detection-mediapipe

Eye Activity Detection using Eye Aspect Ration and MediaPipe

ear eye-detection eye-tracking mediapipe opencv python

Last synced: 27 Mar 2025

https://github.com/cserajdeep/deepface_tutorial

Deepface: a python package for emotion detection, gender, age, and race identification. It can also detect human faces using different popular computer vision techniques

cnn computer-vision deep-face-recognition deep-learning emotion-recognition face-detection python

Last synced: 27 Mar 2025

https://github.com/cserajdeep/cython

A test case to demonstrate between python code and its equivalent cython code in terms of speed (Time)

Last synced: 27 Mar 2025

https://github.com/cserajdeep/angle-detector

A Python example of an angle finder

angle degree python radians

Last synced: 27 Mar 2025

https://github.com/cserajdeep/elm-python-iris

Different Python implementations of Extreme Learning Machine (ELM) on Iris dataset

ann elm iris python scikit-learn

Last synced: 12 Sep 2025

https://github.com/cserajdeep/dsa-sparse-matrix2triplet

Sparse Matrix to Triplet and various triplet operations. e.g., transpose, addition, and multiplication.

c colab-notebook data-structures dsa matrix matrix-multiplication multiplication sparse-matrix triplet

Last synced: 26 Jul 2025

https://github.com/cserajdeep/efficient_remover_of_duplicate_images

Image Processing and Hashing-based duplicate image remover python code that can deal with different sizes, intensity, and grayscale.

duplicate-detection hashing image-processing python

Last synced: 09 Aug 2025

https://github.com/cserajdeep/dnn-iris-pytorch

Deep Neural Network with Batch normalization for tabulat datasets.

batch batch-normalization classification cuda deep-learning dnn iris-dataset

Last synced: 18 Jun 2025

https://github.com/cserajdeep/framesimilarity

Python code to find structural similarity between any two frames (images)

Last synced: 23 Oct 2025

https://github.com/cserajdeep/background-replacement-mediapipe

An easy python code for replacing the background using mediapipe and cvzone packages

background cvzone deep-learning image-processing mediapipe opencv python

Last synced: 25 Aug 2025

https://github.com/cserajdeep/linear-regression-pytorch

PyTorch Implementation of Linear Regression with a Toy dataset

linear-algebra linear-regression machine-learning python pytorch

Last synced: 07 Jul 2025

https://github.com/cserajdeep/imdb-sentiment-analysis

IMDB Sentiment Analysis using Logistic Regression and Support Vector Classifier

imdb-dataset logistic-regression machine-learning python sentiment-analysis sentiment-classification svm-classifier

Last synced: 25 Jun 2025

https://github.com/cserajdeep/cnn-and-cifer10

Convolutional Neural Network implementation on CIFER10 dataset

cifer10 cnn-classification deep-learning python pytorch

Last synced: 14 Sep 2025

https://github.com/cserajdeep/via-coco-converter-repo

Python scripts to transform annotation formats, create a subset annotation file from original

coco json vgg vgg-image via xml-parser yolov8

Last synced: 27 Mar 2025

https://github.com/cserajdeep/ann_demo

Artificial Neural Network implementation on a toy problem

ann artificial-neural-networks computational-intelligence python soft-computing

Last synced: 27 Mar 2025

https://github.com/cserajdeep/oop-with-python-opencv

Object-Oriented Programming with Python and OpenCV randomly generates day/night-time city landscapes with buildings and trees as objects.

cpp google-colab oop opencv python

Last synced: 27 Mar 2025

https://github.com/cserajdeep/dnnfacedetection-colab-example

Download the following pre-trained model for face detection. However, one can use own model or other pre-trained models to detect faces.

deep-neural-networks face face-detection google-colab javascript python webcam-capture

Last synced: 27 Mar 2025