My Works

A showcase of my work, that highlights my skillset, curiosity and journey.

nextui logo

Medical-IntelliTalk AI-Chatbot

Advanced AI chatbot integrating Flask, Pinecone, RAG, Langchain, OpenAI for dynamic, context-aware interactions.

medical.chatbot
nextui logo

Memor.AI Ed-Tech Platform

Built an Ed-Tech platform for active retention learning using Flutter, Django, and Transformers at Inter-IIT.

memor.ai
nextui logo

Synthetic Serendipity Anime VAE-GAN

Leveraged Variational Autoencoder and DCGANS to generate unique anime-style character faces with Pytorch.

synthetic.serendipity
nextui logo

Blogify 360

Built a full-stack blog application with React Router, Redux, secure authentication, and file upload capabilities.

blogify.360
nextui logo

Monocular Depth Estimation

Utilizes vision transformers to estimate depth from single monocular images.

depth.estimation
nextui logo

MCQ Generator

Generates multiple-choice questions using Langchain and OpenAI for educational purposes.

mcq.generator
nextui logo

Sentiment Analysis Model

Classifies text into positive, neutral, and negative sentiments with probability predictions.

sentiment.analysis
nextui logo

Auto Code Generator using GPT-3 Neo

Demonstrated the working of Auto Code Generator using GPT-3 Neo, which generates code from snippets or commands. Built with the transformer model having 1.3 billion parameters.

auto.code.generator
nextui logo

Multiverse of Languages — Intro to Python

Delivered a 2.5-hour live Python tutorial covering 30 key topics, hosted by Google Developer Students Club (GDSC). The video has over 3000+ views on YouTube.

multiverse.languages
nextui logo

Research Paper - Missing Data Sequence

Designed a deep imputation model using a sequence-to-sequence architecture to recover missing data sequences and implemented a sliding window algorithm for training samples.

research.paper.missing.data
nextui logo

Publicis Sapients

Developed clustering and mathematical (Pulp) models for optimizing facility locations in warehouse management. Deployed code using Docker and increased efficiency by 2.1%, used service pods on an AWS Kubernetes cluster.

publicis.sapients
nextui logo

TMLC

Worked on detecting YOLO models, i.e. yolov5-v7-v8 models, increased accuracy by 7.8% using FPN networks. Detected birds & calculated the interval, created dashboards on Streamlit, improved interference speed by 80fps.

themlco
nextui logo

Univ.AI

Worked on scraping and generating a phone sales dataset with a MAPE score 0.029. Implemented LSTM, ARIMA and XGBoost model.

univ.ai
nextui logo

MAMI Semantic Evaluation

Evaluates Multimedia Automatic Misogyny Identification for Sem Eval Tasks.

semantic.evaluation
nextui logo

Movie Recommender Systems

Predicts movie preferences based on user behavior and movie attributes.

movie.recommendation
nextui logo

Traffic Sign Detection

Detects traffic signs using Convolutional Neural Network (CNN) classifier.

traffic.sign.detection
nextui logo

Email Spam Classifier

Classifies emails as spam or ham using Natural Language Processing techniques.

email.spam.ham
nextui logo

Breast Cancer Classification

Uses a neural network for binary classification of breast cancer cases.

breast.cancer
nextui logo

Price Prediction Regression

Predicts prices using a neural network regression model.

price.prediction
nextui logo

Support Vector Machines Implementation

Implements Support Vector Machines with grid search for optimal hyperparameter tuning.

svm.grid.search
nextui logo

Decision Trees vs Random Forests Comparison

Compares decision trees and random forests algorithms for predictive modeling.

comparison.dt.rf
nextui logo

K-Nearest Neighbors Parameter Tuning

Improves K-Nearest Neighbors algorithm performance through parameter tuning.

knn.parameter.tuning
nextui logo

Titanic Logistic Regression

Applies logistic regression to predict survival outcomes on the Titanic dataset.

titanic.survived
nextui logo

Housing Sales Linear Regression

Predicts housing sales using linear regression techniques and performed EDA.

housing.sales