Intelligent Systems & AI

Project Icon

TSP Genetic Algorithm

Used genetic algorithms to optimize the traveling salesman problem over 200 cities.

Python GA
AI Icon

Temporal Reasoning in POMDPs

Modeled temporal reasoning in belief-state-based partially observable environments using a custom Little Prince simulation.

POMDP Temporal Logic Python
Sentiment Icon

Sentiment Analysis: TF-IDF + ML

Implemented sentiment classification using TF-IDF vectorization and classical ML models like Naive Bayes and Logistic Regression.

TF-IDF Scikit-learn Python
Neural Icon

Sentiment Analysis: Word2Vec + Neural Nets

Trained sentiment models using Word2Vec embeddings and implemented neural architectures like feedforward and convolutional networks.

Word2Vec PyTorch CNN
HMM Icon

HMM-Based POS Tagging

Built a part-of-speech tagger using Hidden Markov Models with both greedy and Viterbi decoding for inference.

HMM Python Viterbi
NER Icon

BiLSTM + CNN NER

Built a named entity recognition model using BiLSTM and GloVe embeddings, with optional CNN-based character features.

BiLSTM NER PyTorch
KNN Icon

K-Nearest Neighbors

Implemented KNN classification from scratch with support for Euclidean, Cosine, and Minkowski distances.

Python KNN
Regression Icon

Linear & Polynomial Regression

Built regression models to fit linear and nonlinear data, including L2 regularization and training visualization.

Python Regression
Classifier Icon

Logistic Regression & Perceptron

Trained binary classifiers using gradient descent, stochastic updates, and numerical stability techniques.

Python Logistic Regression Perceptron
NN Icon

Feedforward Neural Networks

Developed a multilayer perceptron from scratch with tanh/RELU activation, dropout, and SGD w/ momentum.

PyTorch Neural Networks
Tree Icon

Decision Trees & Boosting

Implemented decision trees and built ensemble models using random forests and AdaBoost for classification.

Decision Trees AdaBoost Random Forests
KMeans Icon

K-Means Clustering

Clustered data using K-Means and K-Means++ initialization, applied to classification and image compression.

Clustering Python
PCA Icon

Word Embeddings via PCA

Generated co-occurrence matrices and reduced them using PCA to produce low-dimensional word embeddings.

PCA NLP
HMM Icon

Hidden Markov Models

Trained HMMs for part-of-speech tagging, implemented forward-backward, posterior, and Viterbi decoding.

HMM POS Tagging
Transformer Icon

Tiny Transformer in PyTorch

Built a decoder-only Transformer from scratch to perform character-level language modeling.

Transformers PyTorch
RL Icon

Q-Learning with Experience Replay

Developed a reinforcement learning agent that uses Q-learning and experience replay to learn optimal policies.

Q-Learning Reinforcement Learning
Music Icon

Moodtunes

NLP-based system that detects user emotions from text and recommends matching music using lyric and mood similarity.

NLP Python Recommendation
Go Icon

AI Agents for Little-Go

Built Minimax and Alpha-Beta pruning agents for the Little-Go board game to counter diverse opponent strategies.

AI Python Game AI

Software & Programming

Drone Icon

Lightweight Drone Simulator

Developed in Python for the NSF TaMale REU to simulate multi-agent drone navigation, pathfinding, and environmental constraints.

Python Simulation NSF REU

Hardware & Embedded

Vision Icon

Computer Vision Comparison

Benchmarked OpenCV, MATLAB, and hardware-level processing for various real-time computer vision tasks.

OpenCV MATLAB Hardware
FPGA Icon

Shift Cipher on FPGA

Designed and implemented shift cipher encryption on a Basys3 FPGA using Verilog and testbench simulation.

Verilog FPGA Encryption
UGV Icon

Sensor-Fused UGV

Built and programmed a sensor-fused autonomous ground vehicle using ultrasonic and IR sensors for obstacle detection.

Arduino Sensor Fusion C++