• /

Artificial Intelligence & Machine Learning

Case Studies

Harmful Content Detection (Text-only, Pre-Publish Moderation)

A principal-level ML system design case study for proactive, pre-publish harmful content detection on a social platform. Covers requirements and latency SLOs, a rules-to-ML inference cascade, threshold-driven enforcement via a decoupled policy engine, model/version auditability, monitoring and drift detection, and feedback loops for continuous improvement—with extensibility notes for future image/video moderation.

ai
ml systems
system design
machine learning
content moderation
trust and safety
text classification
multi label classification
policy engine
thresholding
calibration
model serving
low latency
monitoring
data drift
human in the loop
security
privacy
architecture
case study
portfolio

Projects

Here are my applied AI and machine learning projects, focused on real datasets, model comparison, experimentation, and performance tradeoffs. These use tools like pytorch, tensorflow, scikit, and are written in jupyter notebook format.

MNIST Handwritten Digit Classifier

A full end-to-end notebook demonstrating data preprocessing, model training, optimization tuning, and performance comparison between an MLP and CNN using the MNIST dataset.

ai
cnn
classification
computer vision
dataviz
deeplearning
experiments
gpu
hyperparameters
machinelearning
mnist
modeling
mps
mlp
notebook
optimization
python
pytorch
training
tutorial

IMDB Sentiment Analysis: From Bag-of-Words to Mini-Transformer

An end-to-end NLP notebook that loads the IMDB dataset with Hugging Face, builds a Bag-of-Words MLP baseline, and then trains a custom Mini-Transformer for text classification. Includes preprocessing, tokenization, training loops, optimization experiments, LR range testing, and a full comparison between classical and modern architectures for sentiment prediction.

ai
nlp
transformers
huggingface
sentiment analysis
imdb
text classification
bag-of-words
deeplearning
experiments
gpu
hyperparameters
machinelearning
modeling
mps
mlp
optimization
python
pytorch
training
tutorial

Breast Cancer Classification (Wisconsin Dataset)

An end-to-end tabular machine learning notebook using scikit-learn to classify malignant vs benign tumors from diagnostic features. Covers data inspection, stratified splitting, baseline modeling, model comparison, decision-threshold tuning based on domain tradeoffs, probability calibration, and a final held-out test evaluation.

ai
binary classification
calibration
clinical ml
confusion matrix
cross validation
decision thresholds
evaluation
experiments
interpretability
logistic regression
machine learning
model comparison
notebook
precision recall
probability modeling
python
scikit learn
tabular data
threshold tuning
validation

UrbanSound8K Environmental Sound Classification

An end-to-end deep learning notebook using PyTorch to classify urban environmental sounds from raw audio. Covers audio decoding and resampling, log-mel spectrogram feature extraction, CNN baselines, controlled experiments (baseline vs SpecAugment-lite), and detailed evaluation with confusion matrices, class-pair analysis, confidence inspection, and spectrogram-based error analysis.

ai
audio
audio classification
cnn
deep learning
error analysis
experiments
feature extraction
log mel spectrogram
machine learning
model evaluation
notebook
pytorch
signal processing
specaugment
spectrogram
training loops
urban sound

An Introduction

Python for Data Science

using python & common python libraries to explore & analyze data: statistics, probabiliy, Percentiles, Moments, Covariance, Correlation, Conditional Probability, & Bayes' Theorem. Also, an introduction to tensorflow.

Intro to Machine Learning

Linear Regressions, Decision Trees, K-Means clustering, Ensemble learning (bagging & boosting), & building models.

Page Tags:
ai
artificial intelligence
machine learning
python
jupyter notebooks
tensorflow