Related Course Projects

Image and Video Processing

ProjectSummary
Neural Image ColorizationBuilt a ResNet-18 grayscale→RGB translator using perceptual + pixel losses for high-fidelity colorization.
Adaptive Image SegmentationImplemented histogram clustering and region growing for adaptive, data-driven segmentation.
Mean Shift vs Graph CutBenchmarked Mean Shift vs Graph Cut across varied images; analyzed accuracy vs runtime.
Template MatchingClassical template matching for precise region localization.
Image ThresholdingRobust binary segmentation with Otsu and Niblack methods.
Histogram EqualizationBoosted contrast using global and adaptive histogram equalization.
Harris Corner Detection & SIFTBuilt feature-alignment pipelines combining Harris corners with SIFT descriptors.
Panorama StitchingProduced panoramas via RANSAC-based feature matching and blending.
Image DenoisingImplemented Gaussian/average filters; benchmarked PSNR under varied noise.
Gaussian & Laplacian PyramidsMulti-scale decomposition/reconstruction with image pyramids.
Color Channel AnalysisExplored RGB/HSV channels to study spatial/spectral characteristics.
2D ConvolutionsApplied 2D filters in spatial and frequency domains; compared effects.
Hybrid Video CodingBuilt a block-based hybrid coder with EBMA for P-frame compression (intra/inter).
Edge & Line DetectionCanny + Hough transforms for edges/lines/circles on aerial images.
Refinement of ResNetParameter-constrained ResNet improvements on CIFAR-10.

Audio & Speech Processing

ProjectSummary
Sound Event ClassificationESC-50 pipeline using log-Mel spectrograms; compared SVM/RF vs MLP/Conv1D with temporal pooling.
Voice Activity DetectionNeural VAD on log-Mel features to detect speech in noisy audio.
Audio Captioning (LLM)Mel + wavelet features with a pre-trained Vicuna LLM to generate descriptive captions.
Audio Feature ExplorationImplemented envelope, energy, spectral centroid, pitch, and STFT with interactive visualizations.

Deep Learning

ProjectSummary
Transformer ModelsBERT for IMDB sentiment; ViT for FashionMNIST image classification.
Emotion-Driven Music GenerationEfficientNet for emotion recognition → melody generation with MIDINet.
DCGAN Image GenerationTrained DCGAN to synthesize realistic clothing images (FashionMNIST).
Binary Segmentation (U-Net)PyTorch U-Net for pedestrian mask prediction.
YOLOv3 on VideoObject detection/recognition on video streams using YOLOv3.
EfficientNet (Transfer Learning)Fine-tuned EfficientNet for image classification tasks.
CIFAR-10 CNN vs MLPImplemented and compared CNN and MLP classifiers on CIFAR-10.
Neural Style TransferUsed pre-trained VGG19 to blend content and style.
Word EmbeddingsModified GloVe/Word2Vec and ran analogy tasks.
DNN for FashionMNISTBaseline deep network for FashionMNIST classification.
Neural Machine TranslationImplemented NMT with attention in TensorFlow/Keras for sequence-to-sequence translation.
Trigger Word DetectionBuilt GRU/LSTM-based model to detect trigger words in audio streams.
Transformer (TensorFlow)Trained a Transformer with attention layers in TensorFlow for NLP tasks.
Refinement of ResNetOptimized ResNet (≤5M params) for CIFAR-10; achiev

Machine Learning

ProjectSummary
Speech Emotion RecognitionSupervised (SVM, KNN, MLP) and unsupervised (DBSCAN, K-Means, GMM) baselines on speech features.
EEG Signal ProcessingExtracted EEG features and trained supervised models to detect activation windows.
SVMImplemented support vector machines with common kernels and evaluation.
KNN / Parzen WindowNon-parametric classification via KNN and Parzen density estimation.
Decision TreeTree induction, pruning, and evaluation.
Random ForestEnsemble trees with out-of-bag evaluation.
MLPFeed-forward neural network baselines.
Logistic RegressionRegularized logistic models for classification.
Polynomial RegressionPolynomial feature expansion with bias-variance analysis.
Ensemble LearningBagging/boosting experiments and comparisons.
Optimal & Naive BayesImplemented optimal Bayes classifier and Naive Bayes variants.
Gaussian Mixture ModelsEM for GMMs; clustering and density estimation.
SFS / SBEFeature selection via sequential forward/backward methods.
JTAImplemented JTA for binary Markov chains to compute pairwise marginals using message passing.
PCADimensionality reduction and reconstruction error analysis.
Metric Learning (LMNN/LFDA)Studied how learned metrics affect k-NN performance.
Genetic AlgorithmsApplied GA for local-minima search and optimization.
RGB ClassificationImage classification using raw RGB features.

Optimization & Reinforcement Learning

ProjectSummary
Model-Free RL: Q-LearningImplemented Q-Learning for optimal decision-making in a taxi game environment.
Model-Based RL: Value IterationDeveloped a value iteration approach to compute optimal policies in a betting scenario.
Linear ProgrammingFormulated and solved LP problems in Python using Pyomo.
Non-Linear ProgrammingImplemented constrained optimization with Pyomo + IPOPT.
Dynamic ProgrammingApplied DP techniques in Python, including string similarity and sequence matching.

Data Structures & Data Analysis

ProjectSummary
DFSImplemented depth-first search for graph traversal problems.
BFSImplemented breadth-first search for pathfinding and graph exploration.
Stacks, Queues, Linked ListsRecursive algorithms and fundamental data structures in Python.
Tree ProblemsImplemented binary tree and recursive traversal algorithms.
HeapBuilt heap-based data structures and priority queue operations.
Descriptive Data AnalysisPerformed exploratory and qualitative analysis on a Kaggle automobile dataset in R.
SEIRS ModelSimulated infectious disease dynamics with the SEIRS compartmental model.
Probability & Statistics ModelsInvestigated probability/statistics concepts, including Monte Carlo methods.
Central Limit TheoremDemonstrated CLT through statistical sampling and visualization.