My Portfolio
A collection of my work in Automation, AI, and Software Development. Explore how I solve real-world problems with code.
SIRESITA | Destination Recommendation System for North Sumatra
Recommender System
Capstone project focusing on building a tourism recommendation system for North Sumatra using two core machine learning techniques: Content-Based Filtering (CBF) and Collaborative Filtering (CF). The models were developed from scratch using TensorFlow and Scikit-learn, without relying on pretrained APIs or external services.
SIPENDEKAR | AI-Based Road Damage Detection & Prediction
Computer Vision
An award-nominated AI system for detecting and predicting road damage using multitask learning with a custom Swin Transformer model. The model outputs multiple predictions including damage type, size, repair time, and material needs from a single image input. I led the machine learning pipeline, including data enrichment, model development, and deployment via Flask API.
Fruit & Vegetable Classifier + Nutrition Info WebApp
Computer Vision
An image classification web app built as a final project for a machine learning course. It uses an ensemble of ResNet and Swin Transformer models to classify 32 classes of fruits and vegetables, providing nutritional facts such as calories, fiber, and vitamins. The ensemble uses SVM as a meta-learner to improve prediction accuracy.
Manggrow.id | AI Plant Assistant & Monitoring
AI Agent & RAG
A comprehensive plant monitoring web application integrated with an intelligent AI assistant. The AI uses a RAG system to answer specific gardening questions based on a curated knowledge base. The backend leverages n8n for orchestration, connecting Google Drive, LlamaIndex, Gemini API, and Pinecone vector database.
Enterprise Asset Classification | Power Platform + AI
Business Automation
An end-to-end asset management solution for corporate environments. It combines Microsoft Power Apps for the user interface and Power Automate for approval workflows. The core intelligence is powered by n8n and LLMs to automatically classify asset categories based on descriptions, storing data securely in SharePoint.
Real-Time Vehicle Speed Estimation
Computer Vision
A computer vision system designed to detect, track, and estimate the speed of moving vehicles (cars, motorcycles, and trucks) from video feeds. Built on PyTorch, it utilizes YOLOv8 for detection, DeepSORT for object tracking, and pixel displacement logic for speed calculation.
Finance AI Agent | RAG for Enterprise Data
GenAI & LLM
An advanced financial analysis tool capable of answering queries about internal company finance documents and global market insights. It implements a RAG system using LangChain and Pinecone, powered by the Groq LLaMA API for ultra-fast inference.
Derma-DFU | Diabetic Wound Analysis System
Healthcare AI
A medical AI application for analyzing diabetic foot ulcers. It combines image classification to grade infection levels and image segmentation to measure the wound area diameter automatically. The model runs efficiently on the web using ONNX Runtime.
Water Scale Monitoring System
Computer Vision
An IoT and AI solution for monitoring water levels in rivers or dams using staff gauge readings. It employs a fine-tuned YOLO model to detect water surface levels relative to the scale, served via a high-performance FastAPI backend.
Product Demand Forecasting
Predictive Analytics
A predictive analytics project using time series forecasting to predict future product sales. The model utilizes LSTM (Long Short-Term Memory) networks built with TensorFlow to analyze historical data and forecast trends.
End-to-End MLOps Workflow
MLOps
A demonstration of a complete Machine Learning Operations (MLOps) pipeline. It integrates MLflow for experiment tracking, DagsHub for collaboration, Docker for containerization, and Grafana/Prometheus for system monitoring.
Student Attendance System | Face Recognition
Computer Vision
A web-based attendance system that uses face recognition for automatic check-in. The model is built with YOLOv11 for face detection and InsightFace for face embeddings. The frontend uses ReactJS + TailwindCSS, while the backend is powered by Flask and MySQL.
Static QnA Chatbot
NLP
An NLP-based chatbot that answers user questions from a predefined QnA document. It uses text preprocessing, TF-IDF, and cosine similarity to retrieve the most relevant answers. The frontend is built with ReactJS + TailwindCSS and the backend uses NodeJS.
Chat With Your Documents | RAG System
RAG System
A Retrieval-Augmented Generation (RAG) application that allows users to upload documents and chat with their content. It uses LangChain, Pinecone, and Groq LLaMA API for semantic retrieval, with a Streamlit UI and FastAPI backend.
Virtual Try On | Nail Polish Segmentation
Computer Vision
A virtual try-on web app for nail polish that uses image segmentation to detect nail regions and apply color effects in real time. The model is built with TensorFlow and Keras, and the UI is implemented with Streamlit.
Waste Classification | Organic vs Recycle
Computer Vision
An image classification project that classifies waste into Organic or Recycle categories. The model is built using TensorFlow and Keras, while Streamlit is used to display predictions and probability charts.
Playstore App Comment Sentiment Analysis
NLP
A text classification model for categorizing Playstore app reviews into Positive, Negative, and Neutral sentiments. The project is developed in Google Colab using TensorFlow and an LSTM-based architecture.