Software engineer specializing in building and deploying data-driven solutions in AI/ML with GenAI and MLOps.
Areas of Interest:
- Multi-Agent AI Systems and Agentic Workflow Orchestration
- Unstructured Data ETL
- Knowledge Graphs with RAG
- Fine-Tuning with Quantization and Distillation of Multimodal LLMs
- Computer Vision Video Analytics
- Physics Simulation with Reinforcement Learning
- Neural Network Architectures
- Teleoperated Robotics with VR/AR
AI SaaS video analytics platform using multimodal LLM to transform context from YouTube videos or local video/audio files into summaries and interactive 3D/2D data visualizations such as knowledge graphs with timestamps. Launch App | Watch Demo | Company Page
- MSc Advanced Computing
- BSc Hons Computer Science
- Programming Languages: Python, Java, JavaScript, C, C++, C#, MATLAB, R, React, TypeScript, Next.js, Tailwind CSS
- Machine Learning/Data Science Frameworks: TensorFlow, Keras, PyTorch, JAX, Flax, Pandas, NumPy, Scikit-Learn, XGBoost, Matplotlib, Tableau
- Database: Oracle, MySQL, PostgreSQL, MongoDB, Pinecone, Weavite, Qdrant, Neo4j, Redis
- Computer Vision & NLP (Generative AI Agents): OpenCV, Hugging Face Transformers, LangChain, Llama Index, LangGraph, CrewAI, AutoGen, SmolAgents, OpenAI Agents SDK, Google ADK, Vercel AI SDK
- Reinforcement Learning Tools: OpenAI Gym, Stable Baselines, Ray RLlib
- DevOps/MLOps & Cloud: Docker, Kubernetes, GitLab, GitHub Actions, Weights & Biases, MLflow, Databricks, Palantir Foundry & AIP, LangSmith, AgentOps, Vercel, AWS (Amazon Web Services), Microsoft Azure, GCP (Goole Cloud Platform)
- Other: Git, Bash, REST, GraphQL, JSON, XML, YAML, TOML, MCP (Model Context Protocol), A2A (Agent-to-Agent Protocol)
Agentic Architectures & RAG Pipelines:
- Chatbot using Agentic RAG with MCP - Application using LLMs with RAG allowing users to interact with the chatbot UI; retrieving context embeddings using vector databases extracted from external data sources including PDF, CSV, SQL, Websites and YouTube Videos. Integrated MCP server to allow client LLM access to tools and resources.
- Stock Analysis Report Generator using Hierarchical Multi-Agent AI - Generates stock analysis report from a company name using an LLM powered multi-agent system accessing various tools for extracting financial data and web scraping information.
- Computer Operator using Parallel Multi-Agent AI - Implemented multi-agent AI system using LLMs to autonomously control a web browser within a virtual machine. Enabled agents to interpret goals, plan actions and execute sequences in a remote desktop by simulating human interaction.
- Structured Report with Deep Research and Podcast Generation using Agentic AI - Structured report generation with UI and API development, using LLM powered agentic AI for any given topic by automatically planning then conducting iterative research with reflection and writing sections simultaneously with concurrent processing. Integrated TTS API using the report to generate podcasts in audio format.
- Adaptive Multimodal RAG with Query Analysis and Self-Reflection - Developed web application with front-end UI and back-end API using advanced RAG architecture that combines query analysis and self-reflection, which routes prompts to invoke LLM calls with vector embedding search from multimodal data or web search as context to generate responses.
- Deep Agentic Architecture - Agentic AI architecture combining planning tool, sub agents, access to file system and detailed prompt.
- ReAct Agent Architecture - Implemented ReAct (Reasoning + Action) agentic architecture allowing an LLM to demonstrate Chain-of-Thought reasoning with access to tools for a given prompt.
- Knowledge Graphs with GraphRAG for SEC 10K Filings - Automatically construct knowledge graphs from text documents from web scraping SEC filings then storing vector embeddings in Neo4j graph database for hybrid RAG with LLMs to retrieve context for question-answering based on the relationships between the data by generating Cypher queries.
- Serverless Agentic Workflow with RAG for Customer Service - Implemented customer service agentic workflow via AWS Boto3 SDK using foundational model via AWS Bedrock and integrated tools via AWS Lambda functions with safety guardrails and knowledge bases for context retrieval.
- Graph Analysis using Multi-Agent Collaboration with LLMs - Reimplemented research paper of multi-agent systems optimized for understanding data within graph representations using LLMs.
- Small Language Model Reasoning using Multi-Agent Graph Distillation - Reimplemented research paper using structured knowledge distillation to improve reasoning of small language models from integrating multi-agent interaction graph with LLMs.
LLM Fine-Tuning:
- Fine-Tuning LLMs using PEFT QLoRA for SQL - Applied supervised fine-tuning with 4bit quantization by using QLoRA on an open-source 11B parameter LLM for generating SQL queries accurately.
- Fine-Tuning VLM with LoRA for E-commerce Product Descriptions - Applied supervised fine-tuning with LoRA adapters for multimodal VLM to generate Amazon product descriptions from images.
- Fine-Tuning Mixture-of-Experts (MoE) using MixLoRA for STEM - Implemented parallel fine-tuning of MoE using MixLoRA targeting the expert layers specialized within STEM domains.
- Fine-Tuning Mamba State-Space Model (SSM) for Named Entity Recognition - Fine-tuned Mamba model targeting the mixer layers for generating NER tagging from text.
- Multimodal Mixture-of-Experts Model from Fine-Tuned VLM - Developed multimodal MoE model from multiple open-source fine-tuned VLMs for generating detailed image captions by dynamically selecting specialized experts for diverse image-text understanding tasks.
- Anomaly Detection in Financial Transactions using Autoencoders for Semi-Supervised Learning - Detects fraudulent transactions from dimensionality reduced credit card data. Implemented autoencoder neural networks for anomaly detection and also for feature extraction in binary classification including logistic regression and support vector machines.
- Time Series Sales Forecasting API using Regression with MLOps - Predict weekly sales on time series data of store chain, using regression models (Random Forest, XGBoost, LSTM) and ARMIA for forecasting sales. Deployed these models as an API running on Docker container through AWS elastic container service to be accessed with a public URL. Applied MLOps using MLflow for logging metrics of model versions and GitHub Actions for CI/CD to automate the process of executing unit tests, containerization and deployment to cloud.
- Breast Cancer Prediction using Ensemble Learning and Image Recognition - Predict breast cancer using a stacking ensemble of classification algorithms (Random Forest, XGBoost, SVM) to generate meta-features, which is then further trained using Logistic Regression as the meta-model. Implemented CNN for image classification from detecting breast cancer features.
- Recommendation System for E-commerce using Clustering and Collaborative Filtering - Hybrid recommendation engine using both unsupervised learning and collaborative filtering on Amazon product data. Implemented KMeans and Agglomerative Clustering to group similar products based on metadata and built an item-based collaborative filtering pipeline using user–product ratings to generate personalized suggestions.
- SASRec (Self-Attentive Sequential Recommendation) Music Playlist Predictor - Sequential recommendation system using a transformer-based SASRec model trained on Spotify playlist dataset. Implemented masked self-attention with positional embeddings to predict the next track in a playlist
- Anomaly Detection in Urban Traffic using Graph Variational Autoencoders - Implemented GraphVAE trained on the METR-LA dataset with graph convolutional network with encoder-decoder architecture for modeling spatiotemporal sensor patterns and detecting anomalies in traffic through reconstruction error.
- Hybrid Graph Neural Networks for Movie Recommendation - Graph architecture of movie recommendation system using a hybrid NGCF + R-GCN architecture. Constructed a heterogeneous graph from IMDb and MovieLens datasets linking users, movies and associated entities (actors, directors, genres).
- Object Detection and Tracking for Weapon Possession - Demonstrates computer vision for surveillance by applying transfer learning on pretrained YOLOR model and implementing DeepSORT algorithm to detect and track possession of weapons in real-time via video input stream.
- Image Caption Generator & Vision-Language App - The neural network architecture combines CNNs and RNNs to output text captions based on input image features. Developed application using open-source models for vision-language tasks including image captioning, image-text matching and visual Q&A.
- Fine-Tuning Vision Transformer (ViT) for Image Classification - Fine-Tuned ViT from the encoder to tokenize images for classification by splitting into grid of sub-image patches and embedding with linear projection.
- Pose Estimation for Video Analytics - Real-time human pose detection using MediaPipe to track movements of the human body from video input.
- Multimodal Chatbot using Similarity Search and Fuzzy Logic - Developed chatbot using knowledge about the topic of ecosystems to answer queries with various NLP and computer vision techniques such as cosine similarity, fuzzy logic and image recognition.
- Image Generation using GANs (Generative Adversarial Networks) - Training the adversarial network with the generator and discriminator to generate images.
- Zero-Shot Classification from Image & Audio - Developed app using open-source models that classifies image and audio inputs from set of unseen labels without requiring prior training.
- Speech Recognition - Developed app using open-source models that takes speech inputs as audio and output text as well as converting text to speech.
- Image Segmentation - Developed app using open-source models that segment objects from any data point and predict depth estimation within an image.
- Time Series Trading using Deep Reinforcement Learning with Recurrent Neural Networks - Implemented ensemble model of DRL algorithms by aggregating the actions between DQN, PPO and A2C models with RNN integration to optimize stock trading decisions in both discrete and continuous environments.
- Pacman Game using Q-Learning - Q-Learning RL algorithm implemented to play Pacman by allowing an agent to navigate the maze and optimize strategy through trial and error to maximize rewards by balancing exploration and exploitation.
- Tic-Tac-Toe Game using MiniMax Search - Minimax search algorithm implemented to play Tic-Tac-Toe by exhaustively evaluating all possible moves to determine the optimal action assuming both players play to maximize their chances of winning.