Pinned Repositories
AI-Snake-Game-using-RL-Algorithm
Design AI Snake Game and a Manual Snake Game using Pygame with Reinforcement Learning in ML.
Breast-Cancer-Prediction
AI/ML Project on Breast Cancer Prediction (Python) using ML- Algorithms : Logisitic Regression, Decision Tree Classifier, Random Forest Classifier, Support Vector Machine Classifier, Gaussian Naive Bayes Algorithm Model, Stochastic gradient descent Classifier, Gradient Boosting Classifier . And also perform a comparative analysis of all the seven algorithms & conclude to the best ML-Model.
Cryptography-App-using-Python
Developing a cryptography app in python to encrypt and decrypt a user input normal text message when the key is provided.
Firebase-Database-Python
Create Read Update Delete(CRUD) to a real-time Database server like Firebase using Python.
Hand-Gesture-Recognition-using-DL
Designing Convolutional Neural Network to classify Hand-Gesture. Also design OpenCV based Hand Gesture Recognition application.
Movies-Recommendation-System
Build a movies recommendation system clone using Movielens dataset to construct recommendation system such as Simple recommender, Content based recommender (based on movie description and metadata) , Collaborative-Filtering based recommender , and a Hybrid recommender system.
Python-Assignments
Python Essential Assignments - Letsupgrade Python Essentials Course. Experimenting with various default functions of string,List and Dictionary in Python. Using Python Loops and conditional statements to print various programs. Dealing with opening,reading,writing a file in python. Also defining a function to provide a factorial of an integer given by user.
Sending-Emails-using-Python
A Python Script which we can use to send emails to our friends and family members over internet.
Title-Generation-from-Paragraph-using-NLP
Designing a simple application on Title Generation from Paragraph using Natural Language Processing. The Data can be either taken from website or a text file to identify keywords from any content.
Youtube-Video-Downloader
A Python program to open a (GUI) window where we can put a youtube video link and click the download button to download it into the required folder.
mani24singh's Repositories
mani24singh/Hand-Gesture-Recognition-using-DL
Designing Convolutional Neural Network to classify Hand-Gesture. Also design OpenCV based Hand Gesture Recognition application.
mani24singh/Python-Assignments
Python Essential Assignments - Letsupgrade Python Essentials Course. Experimenting with various default functions of string,List and Dictionary in Python. Using Python Loops and conditional statements to print various programs. Dealing with opening,reading,writing a file in python. Also defining a function to provide a factorial of an integer given by user.
mani24singh/Title-Generation-from-Paragraph-using-NLP
Designing a simple application on Title Generation from Paragraph using Natural Language Processing. The Data can be either taken from website or a text file to identify keywords from any content.
mani24singh/AI-Snake-Game-using-RL-Algorithm
Design AI Snake Game and a Manual Snake Game using Pygame with Reinforcement Learning in ML.
mani24singh/Breast-Cancer-Prediction
AI/ML Project on Breast Cancer Prediction (Python) using ML- Algorithms : Logisitic Regression, Decision Tree Classifier, Random Forest Classifier, Support Vector Machine Classifier, Gaussian Naive Bayes Algorithm Model, Stochastic gradient descent Classifier, Gradient Boosting Classifier . And also perform a comparative analysis of all the seven algorithms & conclude to the best ML-Model.
mani24singh/Cryptography-App-using-Python
Developing a cryptography app in python to encrypt and decrypt a user input normal text message when the key is provided.
mani24singh/Amazon-PrimeUsers-Order
Amazon order shipment working for prime and non-prime membersship users. To study how amazon give additional shopping order benafits to the subscribed members over other users.
mani24singh/Attendance-System-using-Face-Recognition
Train and Deploy Face Recognition Attendance system using ML & DL with Trained Model. Face Dataset is created using Haarcascade algorithm & database in csv file. Preprocessing & Extracting facial features of dataset images as Embeddings is performed using DL.
mani24singh/Basic-Python-Programming
To write basic python programs on mathematical operation with reading input from user, Looping statements, Functions etc.
mani24singh/Computer-Vision-Basics
Basic programs on OpenCV to read, write & show image and also get image properties. Also, convert color image into gray scale image.
mani24singh/Diabetic-Detection-using-Neural-Network
Design Neural Network to train for "Pima-Indians-Diabetes" and test it with trained Dataset to detect Diabetes.
mani24singh/Drowsiness-Detection-using-68-Landmark-Predictor
Real-Time Drowsiness detection using Dlib's 68-Landmark Predictor. Also writing a program to count eye-blinks and display it in a Output Frame.
mani24singh/Face-Detection-and-Tracking
Design an application for Face Detection and Tracking using Haar-Cascade Frontal Face Algorithm
mani24singh/Face-Emotion-Recognition
Real-Time Emotion Recognition application design using Emotion recognition library.
mani24singh/Face-Recognition-using-OpenCV
Face Recognition design using python programming with OpenCV and create Dataset for the Face Recognition. Also deploy same application using IPWebcam (Android Mobile Camera).
mani24singh/Fake-News-Detection-Using-ML
Deploying Fake News Detection using Machine Learning algorithms and describing performance accuracy of model with Confusion matrix.
mani24singh/Gujarati-Character-Recognition-using-CNN
Designing Gujarati Character Recognition using CNN | Train, Classify with GUI-(PyQt5). Also add a program to browse image and display it in Image Label.
mani24singh/Image-Classification-using-CNN
Image recognition using CNN | Train & Test. Dataset Created collecting data from GOOGLE based on keyword from python program.
mani24singh/Label-Reading-using-OCR
Label Reading using Optical Character Recognition-Tesseract OCR to recognize text present in image and save in text file. Also design the same application to capture current frame from camera display feed.
mani24singh/Leaf-Disease-Detection-using-Deep-Learning
Designing Neural Network to train for Leaf Disease Detection. Also, train leaf disease detection for custom dataset and classify leaf disease using the camera input for trained Model.
mani24singh/License-Plate-Recognition
License Plate Recognition from Image and from Camera using OpenALR (Automatic License Plate Recognizer). Also, create a vehicle identifier which recognizes vehicle and prints its information stored in the excel database.
mani24singh/Moving-Object-Detection
Python Program for Moving Object Detection application at real-time using Webcamera with OpenCV. Also, modify our program to get displayable counting on appearance of an Object.
mani24singh/Object-Recognition-Application
Deploying Real-Time Object Recognition application using Pre-trained Model (MobileNet SSD) with DNN.
mani24singh/Object-Tracking-Based-On-Color
Object Tracking based on Color at real-time using OpenCV and Color-Tuning based on Hue-Saturation-Value (HSV).
mani24singh/Power-usage-Detection
Training and Deploying Machine Learning algorithm for Power Monitoring System of Energy Meter with more accuracy.
mani24singh/Python-Programming-Basics
This repository consists of different concepts with various programs on python language. It involves usage of basic & advance python which is used to create few python game projects like (Snake-water-gun)-Game, (The perfect Guess)-Game, and also a project on Library management system which uses object oriented programming.
mani24singh/Road-Sign-Recognition-ising-DL
Deploying a Road sign recognition application using GTSRB dataset from kaggle, Also, Deploy same application in real time using webcamera or mobile camera
mani24singh/Speech-Recognition-and-Emotion-Analysis
Real-Time training & testing of Speech Recognition using CNN & Emotion or Sentiment analysis of sentence in tweets. Also merge the two applications to predict the user input words as negative,positive or neutral.
mani24singh/Swiggy-ChatBot
How Swiggy ChatBot Works using NLP
mani24singh/Vehicle-Detection-and-Tracking
Deploying Vehicle Detection and Tracking using xml file. Also adding two cameras to the application representing North & South.