Skip to content

A self-taught AI/ML Engineer’s showcase of 30+ production-ready and research projects in Machine Learning, Deep Learning, NLP, and MLOps. Built end-to-end pipelines, real-time systems, and deployable apps using tools like Docker, Kubernetes, Airflow, MLflow, TensorFlow, PyTorch, Hugging Face, and cloud platforms (GCP, AWS).

Notifications You must be signed in to change notification settings

HimadeepRagiri/AI-ML-Portfolio

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 

Repository files navigation

🧠 AI & ML Portfolio by Ragiri Himadeep

🚀 Welcome to My AI & ML Portfolio

I’m Ragiri Himadeep, a self-taught AI/ML Engineer and graduate in BBA – Business Analytics. Despite not holding a traditional Computer Science degree, I have rigorously mastered Artificial Intelligence, Machine Learning, and MLOps through countless hours of hands-on practice, online courses, and real-world projects.

Driven by relentless curiosity and ambition, I’ve built production-ready, end-to-end systems across domains like Machine Learning, Deep Learning, Natural Language Processing, and Cloud-based MLOps. My portfolio reflects:

  • Practical expertise,
  • Industry-level implementation,
  • And a passion for solving complex, high-impact problems with technology.

Every project here is designed not just to demonstrate skill — but to solve real challenges with scalable, maintainable AI systems.


📌 Table of Contents

  1. 🙋‍♂️ About Me
  2. 🚀 Production-Ready AI Systems
  3. 📊 Machine Learning Projects
  4. 🧠 Deep Learning Projects
  5. 📝 Natural Language Processing (NLP) Projects
  6. 🧰 Technologies & Skills
  7. 🏆 Certifications & Achievements
  8. 🗺️ Future Goals
  9. 📬 Let’s Connect

🙋‍♂️ About Me

I’m a BBA Business Analytics graduate with a relentless passion for AI and Machine Learning. Self-taught from the ground up, I’ve transitioned from business analytics to building production-ready AI systems that solve real-world problems. My journey reflects resilience, curiosity, and a commitment to excellence in AI/ML engineering. I specialize in end-to-end ML pipelines, cloud deployments, and cutting-edge NLP and deep learning solutions. My goal is to create scalable AI systems that drive business impact and innovation.


🚀 Production-Ready AI Systems

These projects showcase my ability to build scalable, production-grade AI systems with robust MLOps pipelines and cloud integration.

🔹 ResmoAI

AI-Powered Resume Platform
A full-stack platform for resume creation, resume optimization, job match scoring, and instant feedback. Built with Next.js, FastAPI, Firebase (Auth, Firestore, Storage), Docker and Google Cloud Run. Features PDF generation, CI/CD via GitHub Actions, and scalable deployment.
Impact: Empowers users to create and optimize ATS-friendly resumes, enhancing job application success through AI-driven formatting and keyword optimization.
Status

End-to-End MLOps Pipeline
Automates the ML lifecycle for telecom churn prediction using ZenML, MLflow, GitHub Actions, Docker, and AWS EC2. Includes data ingestion, model training, registry, drift detection, retraining, and DynamoDB integration.
Impact: Ensures continuous model performance with automated retraining and monitoring.
Status

ETL + Sentiment Analytics + Dashboard
A production-grade pipeline using Apache Airflow, Spark, Firebase, and Streamlit. Ingests, analyzes, and visualizes e-commerce review sentiments in real time. Fully containerized with Docker.
Impact: Delivers actionable insights for e-commerce platforms with real-time dashboards.
Status


📊 Machine Learning Projects

These projects demonstrate my expertise in classical machine learning, feature engineering, and model evaluation.

Project Description Technologies
Wine Classification KNN classifier on the Wine dataset with evaluation and visual analysis. Scikit-learn, Matplotlib
UNSW-NB15 Network Intrusion Detection Random Forest for intrusion detection with extensive preprocessing and feature selection. Scikit-learn, Pandas
Spam Email Classification Logistic regression + TF-IDF for accurate spam detection. Scikit-learn, TF-IDF
Sentiment Analysis on IMDB Naive Bayes classifier with GridSearchCV and TF-IDF. Scikit-learn, TF-IDF
Movie Recommendation System Content-based recommender using TF-IDF and cosine similarity. Scikit-learn, Pandas
Instacart Market Basket Analysis Collaborative filtering + TruncatedSVD to recommend grocery items. Scikit-learn, NumPy
Housing Price Prediction Linear and Random Forest regression with performance evaluation. Scikit-learn, Pandas
Gold Price Prediction Historical gold price regression using Random Forest. Scikit-learn, Pandas
Diabetes Prediction SVM model trained on patient data. Scikit-learn
Customer Segmentation K-Means clustering for marketing insights. Scikit-learn, Seaborn
Credit Card Fraud Detection Logistic regression on imbalanced fraud dataset. Scikit-learn, Pandas
Big Mart Sales Prediction XGBoost regression to forecast sales. XGBoost, Pandas
Airbnb New User Bookings Predicts user destinations using XGBoost and Logistic Regression. XGBoost, Scikit-learn

🧠 Deep Learning Projects

These projects highlight my expertise in neural networks, computer vision, and reinforcement learning.

Project Description Technologies
Face Recognition System Real-time face recognition via OpenCV + Flask with JSON storage. OpenCV, Flask, PyTorch
Dog Breed Classifier ResNet50 model with PyTorch and Flask deployment. PyTorch, Flask, ResNet50
Self-Driving Car RL Deep reinforcement learning using PPO + Gymnasium. Stable-Baselines3, Gymnasium
DL Movie Recommendation System Neural matrix factorization on MovieLens with PyTorch. PyTorch, MovieLens
Credit Risk Scoring System Neural network to classify credit risk with PyTorch. PyTorch, Pandas
Bike Helmet Detection YOLOv11 real-time detection system, deployed with Flask + Ngrok. YOLOv11, Flask, Ngrok
Anime Face Generation GAN DCGAN for anime face generation + interactive web app. PyTorch, DCGAN, Flask

📝 Natural Language Processing (NLP) Projects

These projects showcase my expertise in advanced NLP techniques, transformers, and LLMs.

Project Description Technologies
Image Captioning CNN-LSTM model using ResNet18 + GloVe on Flickr8k. PyTorch, ResNet18, GloVe
Transformer from Scratch Custom Transformer implementation in PyTorch. PyTorch, Transformers
GPT from Scratch Educational GPT model showcasing core transformer blocks. PyTorch, Transformers
RAG-Chatbot Retrieval-Augmented QA with PDFs using IBM Watsonx + LangChain. LangChain, IBM Watsonx
BiLSTM NER Named Entity Recognition with Flask UI on CoNLL-2003. PyTorch, Flask, BiLSTM
Multi-Agent Data Analysis Mistral-7B agents automate full data analysis pipeline. Mistral-7B, LangChain
BERT Emotion Detection Text classification using fine-tuned BERT model. Hugging Face, BERT
Advanced RAG Chatbot Multi-source knowledge chatbot (PDFs, YouTube, Wiki). LangChain, ChromaDB
Abstractive Headline Gen with BART LoRA-tuned BART for news summarization. Hugging Face, BART, LoRA
AI Code Doc Generator GPT-2 based tool for Python docstring generation. GPT-2, Hugging Face

🧰 Technologies & Skills

🔧 MLOps & Cloud

  • Cloud Platforms: AWS (EC2, DynamoDB), Google Cloud Platform (GCP, Cloud Run)
  • Containerization: Docker, Kubernetes
  • CI/CD: GitHub Actions
  • MLOps Tools: MLflow, ZenML
  • Data Pipelines: Apache Airflow, Apache Spark
  • Database: Firebase (Firestore, Auth, Storage)

📊 Machine Learning Tools & Libraries

  • Frameworks: Scikit-learn, XGBoost
  • Data Processing: Pandas, NumPy
  • Visualization: Seaborn, Matplotlib
  • Techniques: TF-IDF, Cosine Similarity, PCA, SVM, Feature Engineering, GridSearchCV, EDA

🧠 Deep Learning Frameworks

  • Frameworks: PyTorch, TensorFlow, Keras
  • Architectures: CNNs, RNNs, LSTMs, GANs, Embeddings
  • Techniques: Transfer Learning (ResNet, BERT), Stable-Baselines3 (RL)

📝 NLP & LLMs

  • Libraries: Hugging Face Transformers, LangChain, ChromaDB
  • Models: BERT, GPT-2, BART
  • Techniques: Tokenization, Attention Mechanisms, Named Entity Recognition (NER), PEFT, LoRA

🖥️ Full Stack Tools

  • Backend: FastAPI, Flask
  • Frontend: Streamlit, Gradio, Next.js (React), HTML/CSS/JS (basic)
  • Deployment: Ngrok, RESTful APIs

⚙️ DevOps & Deployment

  • Tools: Docker, GitHub Actions
  • Processes: CI/CD workflows, model versioning, monitoring

📁 Other Skills

  • Data Engineering (ETL pipelines)
  • Recommender Systems
  • Exploratory Data Analysis (EDA)
  • Real-time ML applications

🏆 Certifications & Achievements

  • Machine Learning SpecializationStanford Online & DeepLearning.AI (Coursera) Completed under Prof. Andrew Ng, covering supervised learning, regression, classification, and ML engineering practices.

  • Deep Learning SpecializationDeepLearning.AI (Coursera) Mastered neural networks, CNNs, RNNs, LSTMs, and sequence models, taught by Andrew Ng.

  • IBM Generative AI Engineering Professional CertificateIBM (Coursera) Gained hands-on experience in building and deploying generative AI applications using foundational models, prompt engineering, and enterprise AI tools.

  • Continuously upskilling through top-tier online platforms like Coursera, Udemy, etc.

  • Actively contributing to real-world projects, open-source tools, and scalable AI systems.


🗺️ Future Goals

  • 🧠 Advance my expertise in deep learning, generative AI, and large language models.
  • 🏗️ Build a full-stack, production-grade AI product that solves real-world problems.
  • 🏢 Launch my own AI startup focused on empowering users with intelligent tools.
  • 🌍 Contribute to open-source AI research and collaborate with global talent.
  • 🎓 Pursue continued education in economics, neuroscience, and philosophy to build interdisciplinary innovation.

📬 Let’s Connect

I’m actively seeking full-time roles and internships in AI/ML Engineering and Applied Data Science. My projects demonstrate my ability to deliver production-ready AI solutions, and I’m excited to contribute to innovative teams. Reach out to me:


About

A self-taught AI/ML Engineer’s showcase of 30+ production-ready and research projects in Machine Learning, Deep Learning, NLP, and MLOps. Built end-to-end pipelines, real-time systems, and deployable apps using tools like Docker, Kubernetes, Airflow, MLflow, TensorFlow, PyTorch, Hugging Face, and cloud platforms (GCP, AWS).

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published