Welcome to my comprehensive collection of machine learning and computer vision projects! This repository showcases a diverse range of projects from data science and machine learning to computer vision applications using YOLO and deep learning frameworks.
This repository contains 9 different projects covering various aspects of machine learning, deep learning, and computer vision. Each project demonstrates different techniques, from traditional machine learning algorithms to state-of-the-art deep learning models and real-time object detection systems.
Location: Bulldozer-price-prediction/
A comprehensive end-to-end machine learning project that predicts the sale price of bulldozers using regression techniques.
- Problem: Predict future sale prices of bulldozers based on their characteristics and historical data
- Dataset: Kaggle Bluebook for Bulldozers competition data
- Evaluation Metric: RMSLE (Root Mean Squared Log Error)
- Features: Multiple bulldozer characteristics and specifications
- Key Files:
end-to-end-Bulldozer-price-regression.ipynb- Main analysis notebookFinal_predictions.csv- Model predictionsenvironment.yml- Conda environment configurationdataset/- Training, validation, and test datasets
Location: Heart-disease-project/
A binary classification project to predict heart disease presence based on clinical parameters.
- Problem: Predict whether a patient has heart disease based on medical attributes
- Dataset: Cleveland data from UCI Machine Learning Repository
- Target Accuracy: 95% for proof of concept
- Features: Age, sex, chest pain type, blood pressure, cholesterol, ECG results, etc.
- Key Files:
end-to-end-heart-disease-classification.ipynb- Complete analysisGridSearchCV_LogisticRegresion.pkl- Trained modelenvironment.yml- Dependenciesdata/heart-disease.csv- Dataset
Location: Dog-breed-prediction/
A multi-class image classification project using deep learning to identify dog breeds.
- Problem: Classify dog breeds from images using computer vision
- Model: MobileNetV2 with transfer learning
- Framework: TensorFlow/Keras
- Key Files:
end_to_end_dog_vision.ipynb- Main notebookmodels/- Trained model files (.h5 format)logs/- Training logs and TensorBoard datacustom-data/- Custom test imagesfull_model_predictions_submission_1_mobilenetV2.csv- Predictions
Location: Palmprint-detection-project/
A specialized computer vision project for palmprint detection and analysis.
- Research Paper: Included (
9939-Article Text-17682-1-10-20210714.pdf) - Key Files:
end_to_end_palmprint_detection.ipynb- Implementation notebookcustom-images/- Test palmprint imagesenvironment.yml- Environment setup
Location: Project 1 - Car Counter/
Real-time vehicle counting system using YOLO object detection and SORT tracking.
- Technology: YOLOv8, OpenCV, SORT tracking algorithm
- Features: Real-time detection, vehicle tracking, counting across a line
- Key Files:
Car-Counter.py- Main applicationsort.py- SORT tracking implementationmask.png- Region of interest maskgraphics.png- UI graphics
Location: Project 2 - People Counter/
Similar to the car counter but optimized for counting people in video streams.
- Technology: YOLO, OpenCV, tracking algorithms
- Application: Crowd monitoring, occupancy counting
- Key Files:
People-Counter.py- Main applicationsort.py- Tracking algorithmmask.png,graphics.png- UI components
Location: Project 3 - PPE Detection/
Personal Protective Equipment detection system for workplace safety monitoring.
- Purpose: Detect safety equipment like hardhats, masks, safety vests
- Classes: 25 different classes including safety equipment and vehicles
- Key Files:
PPEDetection.py- Main detection scriptbest.pt- Trained YOLO model weights
Detected Classes:
- Safety Equipment: Hardhat, Mask, Safety Vest, Gloves
- Violations: NO-Hardhat, NO-Mask, NO-Safety Vest
- Vehicles: Excavator, SUV, truck, bus, etc.
- Other: Person, Safety Cone, Ladder, etc.
Location: Project 4 - Poker Card Detection/
Advanced computer vision system for detecting and recognizing poker cards and hands.
- Features: Card detection, hand recognition, poker hand classification
- Key Files:
Poker-Hand-Detector.py- Main detectorPokerHandFunction.py- Hand evaluation logicbest.pt,last.pt- Model weightsTraining_results/- Training metrics and validation images
Location: Smartathon-Hackerearth/
A machine learning competition project for environmental data analysis.
- Competition: HackerEarth Smartathon
- Problem: Pollutant classification from environmental data
- Duration: 10-day learning and implementation project
- Key Files:
Pollutant_classification.ipynb- Complete solutionreadme.md- Project-specific documentation
- Dataset: Available via Google Drive link in project readme
- Python Libraries: pandas, numpy, scikit-learn, matplotlib, seaborn
- Machine Learning: Random Forest, Logistic Regression, GridSearchCV
- Deep Learning: TensorFlow, Keras, MobileNetV2
- Environment Management: Conda, pip
- Frameworks: OpenCV, Ultralytics YOLO (YOLOv8)
- Object Detection: YOLO models, custom trained weights
- Tracking: SORT (Simple Online and Realtime Tracking)
- Image Processing: cvzone, cv2
- Notebooks: Jupyter Notebook (.ipynb)
- Version Control: Git
- Model Formats: .h5 (Keras), .pt (PyTorch/YOLO), .pkl (scikit-learn)
# Clone the repository
git clone https://github.com/Rahul-lalwani-learner/Machine-learning-projects.git
cd Machine-learning-projects# Navigate to specific project directory
cd Heart-disease-project # or Bulldozer-price-prediction, etc.
# Create conda environment
conda env create -f environment.yml
conda activate [environment-name]
# Launch Jupyter Notebook
jupyter notebook# Install required packages
pip install ultralytics opencv-python cvzone
# For YOLO projects, ensure you have the model weights
# Some projects include pre-trained weights (best.pt)
# Others may require downloading YOLOv8 weights
# Run the application
python Car-Counter.py # or respective project file- Video files are referenced from
../Videos/directory - YOLO weights from
../Yolo-Weights/for some projects - Some projects include custom trained weights (best.pt, last.pt)
Machine-learning-projects/
βββ README.md (this file)
βββ Bulldozer-price-prediction/
β βββ end-to-end-Bulldozer-price-regression.ipynb
β βββ environment.yml
β βββ Final_predictions.csv
β βββ dataset/ (training data)
βββ Dog-breed-prediction/
β βββ end_to_end_dog_vision.ipynb
β βββ models/ (trained models)
β βββ logs/ (training logs)
β βββ custom-data/ (test images)
βββ Heart-disease-project/
β βββ end-to-end-heart-disease-classification.ipynb
β βββ GridSearchCV_LogisticRegresion.pkl
β βββ data/heart-disease.csv
βββ Palmprint-detection-project/
β βββ end_to_end_palmprint_detection.ipynb
β βββ custom-images/
βββ Project 1 - Car Counter/
β βββ Car-Counter.py
β βββ sort.py
βββ Project 2 - People Counter/
β βββ People-Counter.py
β βββ sort.py
βββ Project 3 - PPE Detection/
β βββ PPEDetection.py
β βββ best.pt
βββ Project 4 - Poker Card Detection/
β βββ Poker-Hand-Detector.py
β βββ PokerHandFunction.py
β βββ best.pt
β βββ Training_results/
βββ Smartathon-Hackerearth/
βββ Pollutant_classification.ipynb
βββ readme.md
- End-to-end workflows from data preprocessing to model deployment
- Multiple evaluation metrics and model comparison
- Feature engineering and data visualization
- Model persistence with pickle and joblib
- Environment reproducibility with conda/pip requirements
- Real-time processing capabilities
- Object tracking across video frames
- Custom trained models for specific use cases
- Multi-class detection with confidence scoring
- Visual feedback with bounding boxes and labels
- Bulldozer Price Prediction: RMSLE optimization for auction price prediction
- Heart Disease Classification: Target 95% accuracy achieved
- Dog Breed Prediction: Multi-class classification with MobileNetV2
- Palmprint Detection: Specialized biometric recognition
- Car/People Counting: Real-time tracking and counting
- PPE Detection: 25-class safety equipment detection
- Poker Card Detection: Complex card and hand recognition
Feel free to contribute to any of these projects by:
- Fork the repository
- Create a feature branch
- Make your improvements
- Submit a pull request
- Some projects require additional dataset downloads (links provided in respective project folders)
- Video files and some model weights may need to be downloaded separately
- Environment files are provided for reproducible setups
- Each project includes detailed notebooks with step-by-step explanations
For questions, suggestions, or collaboration opportunities, please feel free to reach out!
Happy Learning and Coding! π