Projects in Awesome Lists by CodeofRahul
A curated list of projects in awesome lists by CodeofRahul .
https://github.com/codeofrahul/image_classification_using_mobilenetv2_and_yolov8
This repository demonstrates image classification using two powerful deep learning models: MobileNetV2 and YOLOv8.
Last synced: 28 Oct 2025
https://github.com/codeofrahul/selenium
This project is a personal learning journey into the world of Selenium WebDriver with Python. It covers a wide range of scenarios, from simple login automation to handling intricate web elements and data-driven testing. The scripts serve as practical examples and can be used as a foundation for more complex automation tasks.
automation-testing browserautomation selenium selenium-python selenium-webdriver webscraping
Last synced: 08 Sep 2025
https://github.com/codeofrahul/food-delivery-time-prediction-mlops
In today's fast-paced world, efficient food delivery is crucial. This project presents a robust and modular end-to-end machine learning pipeline designed to predict food delivery times. By leveraging a rich dataset containing delivery personnel details, restaurant locations, order information, and environmental factors like weather and traffic.
food-delivery-time-prediction machine-learning-pipeline mlops mlpipeline mlworkflow modular-coding python
Last synced: 10 Sep 2025
https://github.com/codeofrahul/naukri-job-scraper-with-selenium
This project leverages Selenium to scrape job postings from Naukri.com, automating the tedious task of manually searching for relevant opportunities.
Last synced: 31 Dec 2025
https://github.com/codeofrahul/experiments_with_mlflow-mlops
This repo has a complete demonstration of performing experiment tracking using mlflow.
Last synced: 29 Jul 2025
https://github.com/codeofrahul/codeofrahul
Config files for my GitHub profile.
Last synced: 12 Sep 2025
https://github.com/codeofrahul/insurance-premium-prediction-fastapi
A FastAPI based API for the insurance premium prediction ML project
Last synced: 12 Aug 2025
https://github.com/codeofrahul/medical-image-dl-pipeline-mlops
This repo hosts an MLOps project, demonstrating a CI/CD pipeline for medical image analysis. It focuses on classifying medical images using CNN. The project utilizes tools like DVC, MLflow & Jenkins to automate and streamline the training, evaluation, and deployment of the model. A Flask-based API is implemented to serve the model for prediction.
Last synced: 12 Aug 2025
https://github.com/codeofrahul/fastapi-playground
A FastAPI lab for prototyping ideas, testing features, and deepening API knowledge.
Last synced: 12 Aug 2025
https://github.com/codeofrahul/pytorch_projects
This PyTorch repository chronicles my machine learning, deep learning journey, showcasing diverse projects from image classification and audio classification to advanced text classification using transformers, demonstrating a practical command of various AI paradigms.
Last synced: 12 Aug 2025
https://github.com/codeofrahul/books_recommender_system_mlops
This project showcases a complete, end-to-end book recommender system, demonstrating the entire MLOps lifecycle. It covers data processing, model training, evaluation, and deployment. With a modular codebase and pipeline automation, this repository highlights practical skills in building and deploying production-ready ML applications.
Last synced: 12 Aug 2025
https://github.com/codeofrahul/nashville_housing_sql_data_cleaning_project
This project involves cleaning and preparing the Nashville Housing dataset using SQL. The goal is to ensure the dataset is clean, consistent, and ready for analysis.
Last synced: 13 Aug 2025
https://github.com/codeofrahul/fastapi
This repo implements the idea of FastAPI.
Last synced: 16 Aug 2025
https://github.com/codeofrahul/fine_tuning_gemma_model
This project demonstrates how to fine-tune the Gemma-2B language model for conversation summarization using QLoRA (Quantized Low-Rank Adaptation) on the SAMSum dataset. It leverages Hugging Face Transformers, PEFT, and BitsAndBytes libraries for efficient and effective fine-tuning.
finetuning-large-language-models finetuning-llms gemma-2b huggingface
Last synced: 19 Aug 2025
https://github.com/codeofrahul/diwali_sales_analysis_with_python
In this project i have performed end to end analysis on Diwali sales data using python libraries pandas, matplotlib, seaborn.
dataanalysis datavisualization diwali-sales-analysis matplotlib pandas python seaborn
Last synced: 29 Jun 2025
https://github.com/codeofrahul/flipkart-laptop-data-scraping
This project tackles the common challenge of data acquisition from dynamic websites, specifically Flipkart's laptop listings. Facing the hurdles of complex HTML structures and potential JavaScript rendering, this scraper leverages the power of Python, Selenium to automate the extraction of crucial product data.
automation data-science dataanalysisusingpython datascraping laptop python3 selenium selenium-webdriver seleniumautomation webscraping
Last synced: 26 Dec 2025
https://github.com/codeofrahul/langchain-portfolio
Welcome to this repository showcasing a collection of projects built using LangChain, a powerful framework for developing applications powered by language models. Here, you'll find practical examples and demonstrations of various LangChain functionalities, designed to illustrate the potential of this cutting-edge technology.
Last synced: 06 Mar 2025
https://github.com/codeofrahul/fine-tuning-deepseek-r1-distill-llama
This project presents a fine-tuned version of the DeepSeek-R1-Distill-Llama-8B-bnb-4bit language model, specifically optimized for the Alpaca-GPT4 dataset. This fine-tuning process enhances the model's ability to understand and respond to instructions in a more comprehensive and nuanced manner.
Last synced: 26 Feb 2025
https://github.com/codeofrahul/image_captioning_project
This project demonstrates the use of the `blip-image-captioning-base` model, a powerful tool for generating descriptive text captions from images. Built upon the innovative BLIP (Bootstrapping Language-Image Pre-training) architecture, this model excels at understanding and describing visual content.
Last synced: 26 Feb 2025
https://github.com/codeofrahul/nlp-twitter-sentiment-analysis-project
Analyze sentiment in text effortlessly, gaining insights into public opinion and customer feedback. Using NLP and machine learning, it understands nuanced emotions beyond keyword matching. The results are displayed in an intuitive Streamlit UI, making sentiment analysis accessible and actionable for all.
Last synced: 26 Feb 2025
https://github.com/codeofrahul/mlops-capstone-project
This is an end to end mlops capstone project.
Last synced: 23 Mar 2025
https://github.com/codeofrahul/image-scraper-using-selenium-and-python
This project is a web image scraper that uses Selenium and Python to automate image extraction from Google Images. It scrolls through the page, collects high-quality images, and downloads them efficiently. The script is designed with error handling and retry mechanisms to ensure robustness.
Last synced: 23 Mar 2025
https://github.com/codeofrahul/digit_classification_using_cnn
This project demonstrates the implementation of a Convolutional Neural Network (CNN) for classifying handwritten digits using the MNIST dataset. The model is built using Keras and TensorFlow, leveraging the power of deep learning for image recognition tasks.
keras matplotlib python tensorflow
Last synced: 15 Mar 2025
https://github.com/codeofrahul/connect-postgres-to-python
This repo implements the idea of connecting the Postgres database to Python.
Last synced: 31 Mar 2025
https://github.com/codeofrahul/complete-ml-pipeline-mlops
This project covers the end to end understanding for creating an ML pipeline and working around it using DVC for experiment tracking and data versioning.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/prometheus-grafana-minikube-mlops
This project is used to do the monitoring and alerting implementation on minikube cluster.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/kubernetes-mini-project
This is a mini Kubernetes(k8s) project built for learning purpose.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/docker-mlops
This repo is to implement docker with the help of a project demo.
dagshub docker docker-container docker-image dockerfile flask github python3
Last synced: 30 Dec 2025
https://github.com/codeofrahul/mongodb
In this repository I have developed a MongoDB database, created cluster, connected it to my project, inserted data, fetched data from it, deleted data.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/flask_api
In this repository I have added the code of Flask api and tested the api using Postman.
api flask-api flask-restful postman-test python3
Last synced: 25 Mar 2025
https://github.com/codeofrahul/dvc_data_version
This repo implements the idea of data versioning using DVC tool
Last synced: 25 Mar 2025
https://github.com/codeofrahul/credit_card_financial_dashboard
Develop a comprehensive credit card weekly dashboard that provides real-time insights into key performance metrics and trends, enabling stakeholders to monitor and analyze credit card operations effectively.
creditcard database datacleaning datapreprocessing financial-analysis powerbidashboard problems-solving sql
Last synced: 25 Mar 2025
https://github.com/codeofrahul/atm_oops_project_in_python
This is the python oops project. In this project I have developed a program of end-to-end atm working. I have written this code in vscode.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/weather_data_analysis_with_python
In this repository i have analysed the Weather data. in order to analyse the data i have performed EDA. I have solved 10 question to analyse the data.
colab-notebook dataanalysis eda exploratory-data-analysis pandas python weather
Last synced: 25 Mar 2025
https://github.com/codeofrahul/case-study-1-dannys-diner
In this repository I have mentioned my SQL solutions for a Case Study (Danny's Diner). The Case Study Challenge got from 8weeksqlchallenge.com
8weeksqlchallenge case-study dataanalysis pgadmin4 postgresql sql
Last synced: 25 Mar 2025
https://github.com/codeofrahul/mlops-vehicle-insurance-project
Welcome to this MLOps project, designed to demonstrate a robust pipeline for managing vehicle insurance data. This project aims to showcase the various tools, techniques, services, and features that go into building and deploying a machine learning pipeline for real-world data management.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/python_amazon_sales_analysis
In this repository, I have saved my Python_Amazon_sales_analysis Notebook. To do this Amazon_sales_analysis, I have done end to end process. cleaned the dataset, Did EDA, ploted graph and reached to the conclusion.
amazon analysis data-visualization eda exploratory-data-analysis matplotlib pandas-library python seaborn
Last synced: 25 Mar 2025
https://github.com/codeofrahul/jarvis-system
Do you remember J.A.R.V.I.S., Tony Stark's virtual personal assistant? If you've seen any of the Ironman or Avengers movies, I'm sure you do. In this project my plan is to build a JARVIS System, that can Listen, take command, Speak.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/multilingual_ai_assistant
This project is a **Multilingual AI Assistant** built using Python, Google's Generative AI (Gemini), and Streamlit. The assistant can take voice commands, process them using Google's speech recognition, generate responses using the Gemini model, and convert the response into speech using Google Text-to-Speech (gTTS). The application is designed to
Last synced: 25 Mar 2025
https://github.com/codeofrahul/us_visa_approval_prediction_mlops
This project implements an end-to-end Machine Learning Operations (MLOps) pipeline to predict the approval status of US visa applications. By leveraging a comprehensive dataset containing various applicant and job-related features, I aim to build a robust model capable of accurately predicting whether a visa application will be certified or denied.
cicd-pipeline machinelearning mlops-project mlops-workflow predictive-analysis
Last synced: 25 Mar 2025
https://github.com/codeofrahul/ci-mlops
This project is to demonstrate an end to end implementation of Continuous Integration.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/machine_learning_project_with_modular_coding
This is Machine Learning end-to-end project with modular coding.
Last synced: 25 Mar 2025
https://github.com/codeofrahul/ecommerce_purchase_analysis_with_python
In this repository I have analysed the Ecomerce Purchase data. In order to do the analysis i have solve 15 questions.
dataanalysis ecommerce pandas project python
Last synced: 25 Mar 2025
https://github.com/codeofrahul/sql_practice_question
This repository contains my practice queries of SQL. I have solved these queries using Postgresql.
database postgresql practices sql sqlqueries
Last synced: 25 Mar 2025
https://github.com/codeofrahul/brand_detection_using_opencv_and_tesseract_cv
This project demonstrates how to detect brand names from images using Optical Character Recognition (OCR). It leverages the power of Pytesseract and OpenCV to identify and extract text from images, then matches the extracted text with a predefined list of brand names.
Last synced: 09 Apr 2025
https://github.com/codeofrahul/airflow-project-mlops
This project demonstrates the development and implementation of a robust and scalable ETL (Extract, Transform, Load) pipeline using Apache Airflow. The pipeline automates the process of extracting data from a RESTful API, transforming it into a usable format, and loading it into a PostgreSQL database for analysis and reporting.
Last synced: 09 Apr 2025
https://github.com/codeofrahul/apples_journey_to_carbon_neutrality_by_2030
This is Maven analytics challenge about Apple pledged to make their products carbon neutral by 2030. For this challenge I have worked as an independent journalist and data viz enthusiast. My task was to use the data provided by Apple in their Environmental Progress Reports to visualize their progress towards becoming carbon neutral in 2030.
apple carbon-emissions carbon-footprint challenge dataanalysis powerbi visualization
Last synced: 13 Jun 2025
https://github.com/codeofrahul/flask
In this repository I have added the code of a website that I have developed using Python Flask, HTML and CSS.
css3 flask flask-application flask-server html5 python3
Last synced: 05 Oct 2025
https://github.com/CodeofRahul/Food-Delivery-Time-Prediction-MLOPS
In today's fast-paced world, efficient food delivery is crucial. This project presents a robust and modular end-to-end machine learning pipeline designed to predict food delivery times. By leveraging a rich dataset containing delivery personnel details, restaurant locations, order information, and environmental factors like weather and traffic.
food-delivery-time-prediction machine-learning-pipeline mlops mlpipeline mlworkflow modular-coding python
Last synced: 13 Oct 2025
https://github.com/codeofrahul/fashion_mnist_classifier_deep_learning_project
This project demonstrates building and training a standard, fully connected Artificial Neural Network (ANN) to classify images from the Fashion-MNIST dataset. The Fashion-MNIST dataset is like a more complex version of the classic MNIST dataset, containing images of clothing items like shirts, trousers, and shoes instead of handwritten digits.
Last synced: 14 Oct 2025
https://github.com/codeofrahul/scraping_swiggy_dineout_with_beautifulsoup
This project showcases a practical application of web scraping using Python and BeautifulSoup to extract valuable restaurant data from SWIGGY_dineout. In today's data-driven world, understanding market trends and competitor landscapes is crucial. This project demonstrates how to gather and analyze information from popular online platforms.
beautifulsoup bs4 python requests restaurant
Last synced: 15 Oct 2025
https://github.com/codeofrahul/text-to-image-generation-with-huggingface
In this repository I'm going to save the my google-colab-notebook of where i have setting up the hugging face diffusion models, pipeline and also generated the beautiful images.
Last synced: 18 Oct 2025
https://github.com/codeofrahul/hotel_booking_analysis_powerbi
In recent years, City hotel and Resort hotel have seen high cancellation rates and as a result each hotel is now dealing with a number of issues. I have analyzed this data set and have presented my findings in a report format. I have also given my suggestion to those hotels.
dataanalysis datavisualization hotel-booking powerbi
Last synced: 19 Oct 2025
https://github.com/codeofrahul/screen-recording-app
A Python desktop app to record screen, pause/resume, preview recordings, choose save location, and cut/join videos — all with a clean Tkinter UI.
Last synced: 24 Jan 2026