Pinned Repositories
Automatic-License-Plate-Recognition
Tools/Methods:- OpenCV(Video inferencing),, YOLOv8(for Car , and license plate detection) , SORT(tracking), easyOCR(reading the license plate)
BreastCancerClassification
Best Algorithm :- ExtraTreesClassifier Accuracy:- 95.32% Developed a machine learning model to classify Breast cancer as 'benign' or 'malignant' with an accuracy of 95.32% using ExtraTree Classifier. Built a predictive system using Django backend and HTML/CSS frontend with Tailwind CSS framework to take user input and predict the cancer type.
Diabetes-Prediction
DiabetesPredictionPart2
Best ALGORITHM :- GradientBoostingClassifier , Accuracy :- 98.03% . This is a ML project which makes classification , whether a patient is diabetic or not , based on the inputs given .
FaceMaskDetectionDL
My project is a Face Mask Detection system utilizing Deep Learning techniques. Using a live video feed and camera, the system accurately identifies whether a person is wearing a mask or not, providing real-time feedback. By leveraging advanced algorithms, it enhances safety measures by automatically detecting compliance with mask-wearing protocols.
HeartDisPred
Heart Disease Prediction System is a machine learning-based application deployed using Django framework. It utilizes Random Forest Classifier algorithm with an impressive accuracy of 99.02%. This system assists healthcare professionals in timely diagnosis and treatment decisions, improving patient outcomes.
Object_Detection_System
Object Detection System
ParkinsonPredictor
This is Ml project with Django-Tailwind css to find whether the patient have parkinson or not
Pose-Estimation-Mediapipe
Real-time Pose estimation using Mediapipe and basic Pose classification(T pose, Tree pose , WarriorII pose) using Angle Heuristics.
Sagar201003
Config files for my GitHub profile.
Sagar201003's Repositories
Sagar201003/HeartDisPred
Heart Disease Prediction System is a machine learning-based application deployed using Django framework. It utilizes Random Forest Classifier algorithm with an impressive accuracy of 99.02%. This system assists healthcare professionals in timely diagnosis and treatment decisions, improving patient outcomes.
Sagar201003/Automatic-License-Plate-Recognition
Tools/Methods:- OpenCV(Video inferencing),, YOLOv8(for Car , and license plate detection) , SORT(tracking), easyOCR(reading the license plate)
Sagar201003/BreastCancerClassification
Best Algorithm :- ExtraTreesClassifier Accuracy:- 95.32% Developed a machine learning model to classify Breast cancer as 'benign' or 'malignant' with an accuracy of 95.32% using ExtraTree Classifier. Built a predictive system using Django backend and HTML/CSS frontend with Tailwind CSS framework to take user input and predict the cancer type.
Sagar201003/Diabetes-Prediction
Sagar201003/DiabetesPredictionPart2
Best ALGORITHM :- GradientBoostingClassifier , Accuracy :- 98.03% . This is a ML project which makes classification , whether a patient is diabetic or not , based on the inputs given .
Sagar201003/FaceMaskDetectionDL
My project is a Face Mask Detection system utilizing Deep Learning techniques. Using a live video feed and camera, the system accurately identifies whether a person is wearing a mask or not, providing real-time feedback. By leveraging advanced algorithms, it enhances safety measures by automatically detecting compliance with mask-wearing protocols.
Sagar201003/Object_Detection_System
Object Detection System
Sagar201003/Pose-Estimation-Mediapipe
Real-time Pose estimation using Mediapipe and basic Pose classification(T pose, Tree pose , WarriorII pose) using Angle Heuristics.
Sagar201003/Sagar201003
Config files for my GitHub profile.
Sagar201003/TitanicSurvivalPrediction
The Titanic Survival Prediction project is a web application built with Django as the backend framework and utilizes Machine Learning to predict whether a person aboard the Titanic would have survived or not, based on historical data from the famous Titanic dataset.
Sagar201003/BN-WVAD
The official implementation of "Divergence of Features and Mean: A BatchNorm-based Abnormality Criterion for Weakly Supervised Video Anomaly Detection"
Sagar201003/deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
Sagar201003/Face-X
Demonstration of different algorithms and operations on faces. Star the repo⭐
Sagar201003/face_classification
Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
Sagar201003/object-detection_Seniors_Leander
This repository contains an implementation of object detection using YOLOv8 specifically designed for detecting weapons in images and videos. The repository includes pre-trained models and sample data for testing.
Sagar201003/RJPOLICE_HACK_1273_NetraGuard_3
Rajasthan Police Hackathon
Sagar201003/SignLanguageDetection
Language used :- Python , Tools :- Scikit-learn, OpenCV , mediapipe.
Sagar201003/sort
Simple, online, and realtime tracking of multiple objects in a video sequence.
Sagar201003/AnomalyDetectionCVPR2018
Sagar201003/CCL
Sagar201003/CI-CD-test
Sagar201003/CLI-testing
test
Sagar201003/CSI-Website
CSI FCRIT OFFICIAL WEBSITE
Sagar201003/handson-ml3
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
Sagar201003/NetraRakshak_GoogleSolutions24
Sagar201003/super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
Sagar201003/Ultra-Light-Fast-Generic-Face-Detector-1MB
💎1MB lightweight face detection model (1MB轻量级人脸检测模型)
Sagar201003/yolov10
YOLOv10: Real-Time End-to-End Object Detection
Sagar201003/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
Sagar201003/YOLOv9_DeepSORT
This repository contains code for object detection and tracking in videos using the YOLOv9 object detection model and the DeepSORT algorithm.