Pinned Repositories
anomaly-detection
Anomaly detection from surveillence videos using Deep Multiple Instance Learning
compute-language-compiler
Compiler Design assignment to design a simple language and develop a compiler for the three address code generation and evaluation using Lex and Yacc.
diabetic-retinopathy
Identifying retina images with diabetic retinopathy using convolutional neural networks.
latent_diffusion-mnist
A helloworld project for latent diffusion models using huggingface diffusers
Machine-Learning-A-Z_Udemy
Course works and notes on the course, Machine Learning A-Z™-Udemy
OpenGL-snake-and-ladder
A simple classic Snake and Ladder game implemented in OpenGL
person-reid
A person re-identification system for tracking suspicious people across multiple cameras. It uses Deep Metric Learning for feature extraction and grouping.
pose_estimation_android_app
A native android application for pose estimation and detection using mlkit. The app can detect poses and recognize the pose made by the user.
transformer_cpp_ITCS-5182
Optimization of Attention layers for efficient inferencing on the CPU and GPU. It covers optimizations for AVX and CUDA also efficient memory processing techniques.
transformers_dimension_parser
nevinbaiju's Repositories
nevinbaiju/diabetic-retinopathy
Identifying retina images with diabetic retinopathy using convolutional neural networks.
nevinbaiju/compute-language-compiler
Compiler Design assignment to design a simple language and develop a compiler for the three address code generation and evaluation using Lex and Yacc.
nevinbaiju/Machine-Learning-A-Z_Udemy
Course works and notes on the course, Machine Learning A-Z™-Udemy
nevinbaiju/OpenGL-snake-and-ladder
A simple classic Snake and Ladder game implemented in OpenGL
nevinbaiju/3D-ResNets-PyTorch
3D ResNets for Action Recognition (CVPR 2018)
nevinbaiju/ava-dataset-tool
Preprocessing tools for Google AVA Dataset
nevinbaiju/c3d-pytorch
Pytorch porting of C3D network, with Sports1M weights
nevinbaiju/cicd-buzz
A simple ci/ci pipeline workout.
nevinbaiju/Cifar-Image-Classification
A 5 layer CNN for image classification on CIFAR 10 Dataset
nevinbaiju/colab-notebooks
nevinbaiju/Compiler-Lab-programs
All programs in compiler lab
nevinbaiju/CON-Bot
nevinbaiju/DAND-inferential-statistics-assignment
Analyze A/B Test Results
nevinbaiju/DAND_babs_datareport
nevinbaiju/DAND_imdb
nevinbaiju/data_science_backbone_of_ai
nevinbaiju/Deep-Learning-A-Z-Hands-On-Artificial-Neural-Networks
All the notes and practice assignments on creating deep learning models as a part of the course taken on Udemy
nevinbaiju/Famous-CNN-models
Implementation of LeNet-5, AlexNet, VGG-16 as explained by Andrew NG in Deeplearning.AI
nevinbaiju/helloworld
learning
nevinbaiju/imdb-DL
First attempt to implement deep learning for the imdb dataset for predicting the rating of movies.
nevinbaiju/lex-tutorial
Source code for my lex/flex tutorial on YouTube.
nevinbaiju/networking-lab-programs
Implementation of networking lab programs.
nevinbaiju/numerical-linear-algebra
Free online textbook of Jupyter notebooks for fast.ai Computational Linear Algebra course
nevinbaiju/pyqt_password
nevinbaiju/python_nmcli
Interfacing the nmcli using python3 in debian.
nevinbaiju/Restaurant-Review-Classifier
A simple NLP-Classifier that classifies the reviews as good or bad using the bag of words model
nevinbaiju/systemsoftware
nevinbaiju/tracker
nevinbaiju/yacc-tutorial
This is the source code for my Yacc/Bison screencast tutorial on YouTube.
nevinbaiju/YOLOv3
Keras implementation of yolo v3 object detection.