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

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.

PythonTensorFlowScikit-learnPandas+6
SIPENDEKAR | AI-Based Road Damage Detection & Prediction

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.

PythonSwin TransformerFlaskMultitask Learning+2
Fruit & Vegetable Classifier + Nutrition Info WebApp

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.

PythonPyTorchSwin TransformerResNet+4
Manggrow.id | AI Plant Assistant & Monitoring

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.

Next.jsNode.jsExpress.jsn8n+3
Enterprise Asset Classification | Power Platform + AI

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.

Power AppsPower AutomateSharePointn8n+2
Real-Time Vehicle Speed Estimation

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.

PythonPyTorchYOLOv8DeepSORT+2
Finance AI Agent | RAG for Enterprise Data

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.

Next.jsLangChainPineconeGroq API+2
Derma-DFU | Diabetic Wound Analysis System

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.

TensorFlowONNX RuntimeSupabaseReact+1
Water Scale Monitoring System

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.

YOLOFastAPINext.jsPython+1
Product Demand Forecasting

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.

PythonTensorFlowLSTMPandas+2
End-to-End MLOps Workflow

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.

MLflowDockerGrafanaPrometheus+2
Student Attendance System | Face Recognition

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.

YOLOv11InsightFaceReactJSTailwindCSS+2
Static QnA Chatbot

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.

TensorFlowReactJSTailwindCSSNodeJS+2
Chat With Your Documents | RAG System

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.

LangChainPineconeGroq APILLaMA+2
Virtual Try On | Nail Polish Segmentation

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.

TensorFlowKerasImage SegmentationStreamlit
Waste Classification | Organic vs Recycle

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.

TensorFlowKerasStreamlitImage Classification
Playstore App Comment Sentiment Analysis

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.

TensorFlowKerasLSTMNLP+1
Customer Service AI Chatbot | RAG Automation

Customer Service AI Chatbot | RAG Automation

AI Automation

A customer service chatbot built using a RAG system orchestrated in n8n automation workflows. It answers user questions based on a curated internal knowledge base, combining LLMs with deterministic retrieval.

n8nRAG SystemNodeJSLangChain+1