I'm a
I am an impact-driven Machine Learning Engineer and a graduate in Electrical and Electronics Engineering from NIT Tiruchirappalli (NIT Trichy). I thrive on bridging the gap between complex theory and production-grade, end-to-end AI systems. My work is defined by a systematic, hands-on approach to mastering technology, from foundational algorithms to the absolute cutting edge.
This passion is showcased in my detailed learning paths, where I've built everything from 17+ core ML/DL models to sophisticated multi-agent systems with CrewAI, LangGraph, and AutoGen. This deep, project-based knowledge extends to complete Agentic RAG pipelines and end-to-end MLOps on Azure, skills I now apply at o9 Solutions to automate and optimize real-world supply chain forecasting.
o9 Solutions, Bengaluru | Jun 2024 β Present
As a Consultant at o9 Solutions, I optimize supply chain processes by enhancing safety stock and production planning with the o9 Supply Chain Solver, cutting manual effort by 10 hours per week. I build Python-based forecasting models that have reduced error rates by 15%. Additionally, I develop plugins that streamline workflows, drastically cutting processing time from 3000 to 500 seconds. My leadership in root cause analysis and collaboration with cross-functional teams has improved client trust, leading to project renewals and new upsell opportunities.
Python
Machine Learning
Deep Learning
Generative AI
Multi-Agent AI
LangChain
LangGraph
CrewAI
AutoGen
Gradio
SQL
DSA
Azure
CI/CD
MLOps
Built a production-grade CI/CD pipeline with GitHub Actions for a diabetes prediction model, featuring automated testing, linting, and governed deployment.
Built a multi-agent app with CrewAI and Gradio to process food images and generate personalized recipes.
View on GitHubDeveloped an advanced document analysis system using a multi-agent architecture and self-correction with LangGraph.
View on GitHubImplemented the ReAct (Reasoning + Acting) framework for agents that think step-by-step, using LangGraph.
View on GitHubBuilt collaborative AI agents for medical treatment recommendations using the AutoGen (AG2) framework.
View on GitHubCreated schema-driven agents for structured customer support interactions using PydanticAI.
View on GitHubI used to see Machine Learning as a collection of complex theories. When I dove into the IBM Machine Learning with Python course, I realized how much more there was to learn. To solidify my understanding, I undertook this comprehensive project to build 17 core machine learning models from scratch.
| Algorithm | Description | GitHub Link |
|---|---|---|
| Linear Regression | A model to predict vehicle CO2 emissions based on features like engine size. | View Code |
| Logistic Regression | A customer churn prediction model that analyzes feature coefficients. | View Code |
| Decision Trees | A multi-class classifier to determine the appropriate medication for patients. | View Code |
| Regression Trees | A model trained on a NYC dataset to predict the tip amount for a taxi ride. | View Code |
| Random Forests & XGBoost | A performance comparison of two ensemble models for predicting house prices. | View Code |
| Support Vector Machines | A fraud detection system for classifying credit card transactions. | View Code |
| K-Nearest Neighbors (KNN) | A classifier to predict a telecom customer's service usage category. | View Code |
| Algorithm | Description | GitHub Link |
|---|---|---|
| K-Means Clustering | An implementation on a custom-generated dataset to group data points. | View Code |
| DBSCAN & HDBSCAN | Density-based models to find geographical clusters of museum locations. | View Code |
| Technique | Description | GitHub Link |
|---|---|---|
| Evaluating Classification Models | Predicting breast cancer tumor malignancy to practice metric interpretation. | View Code |
| Evaluating Regression Models | Using a random forest regressor to interpret performance and feature importances. | View Code |
| Evaluating Clustering Models | Assessing K-Means results on synthetic data to build intuition. | View Code |
| Regularization | Comparing Ridge, Lasso, and ElasticNet on datasets with and without outliers. | View Code |
| ML Pipelines & GridSearchCV | Building and optimizing a complex classification pipeline with automated tuning. | View Code |
| Algorithm | Description | GitHub Link |
|---|---|---|
| Principal Component Analysis | Implemented to project data onto principal axes and reduce dimensions. | View Code |
| t-SNE & UMAP Comparison | Comparing advanced visualization techniques against PCA on a 3D dataset. | View Code |
After 160 days of sheer consistency and dedication, I completed the GFG 160 Days of DSA Challenge! This wasnβt just a coding journeyβit was a test of discipline and resilience. From debugging endless errors to finally getting that green tick, every single day taught me something new.
This portfolio documents my systematic journey through Deep Learning and Reinforcement Learning, starting from the single neuron and culminating in advanced architectures like CNNs, RNNs, and GANs.
| Project | Description | GitHub Link |
|---|---|---|
| Neuron Computations | Modeling logic gates with single neurons to build intuition for matrix operations. | View Code |
| MLP for Digit Recognition | Implementing an MLP using Scikit-learn for handwritten digit recognition. | View Code |
| Gradient Descent Demo | Comparing Batch vs. Stochastic (SGD) approaches and the impact of learning rate. | View Code |
| Backpropagation from Scratch | A hands-on implementation of backpropagation to train an MLP. | View Code |
| Project | Description | GitHub Link |
|---|---|---|
| Keras API Deep Dive | Building models using Sequential, Functional, and Model Sub-classing APIs. | View Code |
| Optimizers in Gradient Descent | A comparative analysis of SGD, Momentum, RMSprop, and Adam. | View Code |
| Regularization Techniques | Exploring L1, L2, Dropout, and Batch Normalization to prevent overfitting. | View Code |
| GPU-Accelerated Deep Learning | Leveraging GPU acceleration with TensorFlow to reduce training time. | View Code |
| Project | Description | GitHub Link |
|---|---|---|
| Image Convolutions | Applying filters to extract features like edges from flower images. | View Code |
| CNN Core Concepts | Exploring how padding, stride, and pooling layers affect feature maps. | View Code |
| CNN for CIFAR-10 | An end-to-end project building and evaluating a CNN to classify images. | View Code |
| Transfer Learning (Waste) | Using a pre-trained VGG16 model to classify waste as organic or recyclable. | View Code |
| Transfer Learning (MNIST) | Adapting a CNN trained on digits 5-9 to classify digits 0-4. | View Code |
| Project | Description | GitHub Link |
|---|---|---|
| Movie Review Classifier | Building a sentiment classifier using text preprocessing and the Keras Embedding layer. | View Code |
| RNN for IMDB Sentiment | Implementing a vanilla RNN to classify movie reviews, handling sequential data. | View Code |
| LSTMs and GRUs | Using gated architectures to overcome vanishing gradients in text classification. | View Code |
| Project | Description | GitHub Link |
|---|---|---|
| Autoencoders | Implementing autoencoders for tasks like image denoising and compression. | View Code |
| Variational Autoencoder (VAE) | Building a VAE to generate novel handwritten digits from a learned latent space. | View Code |
| Intro to GANs | A hands-on implementation of the original GAN framework (Generator vs. Discriminator). | View Code |
| DCGAN for Anime Avatars | Building a Deep Convolutional GAN to generate unique, high-quality anime avatars. | View Code |
| Project | Description | GitHub Link |
|---|---|---|
| Predictive Agent | Training a supervised model on data from successful random-play episodes. | View Code |
A portfolio showcasing a progression from foundational prompting to sophisticated reinforcement learning for AI safety and alignment.
Explored how zero-shot, one-shot, and few-shot prompting strategies can drastically alter the quality of dialogue summarization without changing model weights.
View Project 1Implemented and compared full fine-tuning vs. the more efficient PEFT (LoRA) to adapt a pre-trained LLM for a custom summarization task.
View Project 2Tackled AI safety by using Reinforcement Learning from AI Feedback (RLAIF) and PPO to fine-tune a FLAN-T5 model to generate less toxic content.
View Project 3A hands-on journey building a complete Retrieval-Augmented Generation (RAG) system from the ground up, from document ingestion to an intelligent, context-aware chatbot.
Built a robust system using LangChain to ingest and standardize data from multiple sources (PDF, CSV, DOCX) for seamless processing.
View Module 1Implemented various text splitting strategies (e.g., RecursiveCharacterTextSplitter) to break down documents while preserving context.
View Module 2Converted text chunks into vectors using enterprise-grade models from IBM watsonx.ai and open-source models from Hugging Face.
View Module 3Configured and deployed ChromaDB and FAISS to index document vectors and enable high-speed semantic similarity searches.
View Module 4Developed and compared four powerful retriever strategies, including Multi-Query, Self-Querying, and Parent Document Retrievers.
View Module 5A conceptual lab demonstrating the "context window" limitation, solidifying the fundamental need for RAG systems.
View Module 6Completed an in-depth specialization from DeepLearning.AI covering the fundamentals of Large Language Models.
View CredentialMastered complex querying techniques through Coursera, focusing on window functions, CTEs, and advanced data manipulation.
View CredentialAn IBM-certified course covering core ML algorithms, with hands-on implementation using Scikit-learn.
View CredentialGained foundational knowledge of Microsoft Azure cloud services, covering core concepts, services, security, and pricing models.
View CredentialI'm always interested in discussing new opportunities and innovative projects. Feel free to send me a message!