IY's repositories
bookcars
Car Rental Platform with Mobile App
dog_box
vgg model for learning bounding boxes for Stanford dogs dataset
dogs-vs-cats-image-classifier
An image classifier CNN to classify if doge or cate built using three architectures - a pretrained vgg16, an untrained vgg16, and a custom model built from scratch.
FALdetector
Code for the paper: Detecting Photoshopped Faces by Scripting Photoshop
Faster-RCNN-from-scratch
Tensorflow implementation from scratch & custom optimization of Faster-RCNN VGG16 for Logo Detection
FastMaskRCNN
Mask RCNN in TensorFlow
Handwritten-Digits-Classification-VGG16-From_Scratch
Website classifies handwritten digits
Image-Adaptive-YOLO
The code for "Image-Adaptive YOLO for Object Detection in Adverse Weather Conditions (AAAI 2022)"
ImageClassification-VGG16
Built VGG-16 model from scratch to classify images
Invariant-TemplateMatching
Rotation & scale invariant template matching
learnopencv
Learn OpenCV : C++ and Python Examples
log-anomaly
Log anomaly detection model using a CNN with TF-IDF and sliding window feature extraction.
log-anomaly-detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
loglizer
A log analysis toolkit for automated anomaly detection [ISSRE'16]
MultiTaskObjectStates
Code for the paper "Multi-Task Learning of Object State Changes from Uncurated Videos"
Object-Detection-Using-Detectron2-by-Facebook
The performance of three different object detection networks was evaluated using Detectron2, Facebook AI’s object detector library.
Object-detection-via-HOG-SVM
This is an application of Object detection using Histogram of Oriented Gradients (HOG) as features and Support Vector Machines (SVM) as the classifier. Implemented in python, the following libraries are requires
Object-Detection-with-Sliding-Window-and-classification
Object Detection using a classifier and sliding window
Object-Localization-using-Deep-Reinforcement-Learning
We have trained an intelligent agent that draws bounding boxes around an object in the image. This implementation combines CNN, DQN, and SVM to detect an object in an image. The algorithm extract features from CNN which are fed to DQN to train an agent to localize the object and this localized object is categorized using the SVM model.
pyIntertidalDEM
Intertidal DEM from Spectral Imagery and Water Level
R-CNN-object-detection
Simple R-CNN implementation to learn different object detection techniques and architectures (i.e., sliding windows, non-maximum suppression, selective search, ResNet50, MobileNet, etc.).
react-native-webrtc
The WebRTC module for React Native
SalienDet-Open-Detection
This is the official project for SalienDet: A Saliency-based Feature Enhancement Algorithm for Object Detection for Autonomous Driving
tf-faster-rcnn
Tensorflow 2 Faster-RCNN implementation from scratch supporting to the batch processing with MobileNetV2 and VGG16 backbones
tflite_flutter_plugin
TensorFlow Lite Flutter Plugin
ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
vgg16__
Pytorch VGG implementation from scratch
Yolo3-Tiny
Lightweight and Fast Deep Learning based Object Detection