I'm a Machine Learning Engineer who loves taking AI research off the whiteboard and into the real world (where things break, scale, and actually make money). Over the last few years in Boston, I’ve built and deployed production-grade systems for search, recommendations, and Gen AI - mostly in the e-commerce space.
I enjoy tinkering with transformers, vector search, and the occasional project involving LLMs. I speak Python fluently, but I also get along well with PyTorch, PySpark, Kubernetes, Langchain, MongoDB, and friends. I’ve designed SDKs, optimized inference with quantization, accelerated training using distributed GPUs and containerized more things than I can count.
Now heading back to India, I’m looking to join a team that’s building cool stuff in ML, NLP, or GenAI - and where shipping things matters just as much as training them. If you’re solving interesting problems and need someone who can turn research into revenue, wrangling ML infra for speed and some coffee, I’m game.
|
Sept 2019- Apr 2022
MS in Computer ScienceCGPA: 3.67 out of 4Courses Taken:
|
|
|
Jul 2015- May 2019
B.Tech in Software EngineeringCGPA: 8.52 out of 10Taken Courses
|
● Created a dataset with Question Answer pairs by generating image descriptions using SmolVLM2 on CIFAR10 images.
● Generated aligned image embeddings using SigLIP model.
● Fine-tuned Phi-3 as VLM for vision-text alignment using QLoRA and descriptions based on image embeddings from the SigLIP model.
● Optimized training with 4-bit quantization, Flash Attention 2, gradient checkpointing, and mixed-precision training, achieving memory-efficient and stable model convergence.
● Designed and trained a GPT-2 model from scratch on Shakespeare’s complete works to generate stylistically authentic text.
● Implemented tokenization, dataset preprocessing, and transformer architecture customization with UI app using Gradio.
● Developed an AI-driven news aggregation and summarization agent leveraging LangGraph and MCP to automate the discovery, analysis, and synthesis of news articles.
● Designed a dynamic workflow that interprets user queries, collects and evaluates articles from multiple sources using NewsAPI and Beautiful Soup, and generates cohesive, multi-article summaries using advanced language models like gpt-4o-mini.
● Implemented adaptive search strategies, parallel content analysis, and context-aware summarization to deliver actionable insights and reduce information overload.
● Developed a Web App that predicts the sentiment of an user input review.
● Performed text cleaning and preprocessing including stemming, stopword removal, tokenization and HTML parsing for over 50,000 reviews and uploaded the transformed data to AWS S3.
● Built an LSTM model with Word Embedding layer using skip-gram architecture to learn sentiments from the data.
● Deployed the model for testing on AWS Sagemaker and achieved a test accuracy of 84%.
● Hosted the model on my Web App using AWS Lambda and AWS API Gateway.
● Built a Machine Translation model that translates English sentences to French using Keras.
● Developed a comprehensive pipeline to preprocess over 1.8 million English and French words.
● Experimented with different architectures that include; Embedding layer + Bidirectional-GRU, Embedding layer with GRU, Bidirectional-GRU, Vanilla GRU, Encoder-Decoder with LSTM.
● Created custom MNIST image dataset by adding Gaussian noise.
● Implemented a Denoiser by using an Encoder-Decoder model with Convolutional layers.
● Trained the Denoiser by supplying noise images as input and original images as target.
● Created a CNN that predicts the dog breed if given a dog image or the closest dog breed resemblance when given a human image.
● Detected human faces in the images using OpenCVs Haar Cascades.
● Performed dog face detection and breed classification using Transfer Learning from VGG16 model and achieved 86% accuracy on unseen data.
● Designed and built a JavaScript-based website for patients to look up doctors based on medical conditions and location.
● Integrated RESTful services as a Middle Level Tier to handle CRUD operations using JPA controllers and DAOs.
● Built a robust database using MySQL and formulated advanced queries like joins, nested queries, triggers, views.
● Hosted the database on AWS RDS and the entire website on AWS Elastic Beanstalk as an EC2 instance.
● Implemented an algorithm for a web crawler using link graphs and customized priority queues.
● Crawled over 140,000 web pages on Barack Obama and indexed the crawl data on ElasticCloud.
● Created a Vertical Search using Flask to retrieve relevant pages based on keywords using BM25 text retrieval model.
● Developed a CNN that applies the style of an image onto the content of another image.
● Extracted features and constructed loss function for style and content using Gram Matrix.
● Performed Transfer Learning from VGG19 model to build CNN.
● Implemented an End-to-End Automatic Speech recognition pipeline using Keras.
● Preprocessed raw audio to feature representations like MFCC and Spectrograms.
● Built Acoustic Models to map audio features to the transcribed text.
● Experimented with different Neural Network architectures that include; Deep RNN + TimeDistributed Dense, CNN + RNN + TimeDistributed Dense, Bidirectional RNN + TimeDistributed Dense.
● Performed text preprocessing by email parsing, stemming and stopword removal using NLTK.
● Indexed the data to Elasticsearch and transformed text data to sparse matrices using CountVectorizer.
● Devised feature extraction using NLP techniques like Skipgrams and TFIDF.
● Developed Decision Trees, Logistic Regression and SVM models to achieve an ROC score of 96%.
● Attained Speedup of 1.35 and Scaleup of 1.05 while performing Image Segmentation.
● Designed the K-Means algorithm from scratch to work on distributed sources of data and paralleize compute using Hadoop ecosystem.
● Achieved sensitivity of 96% on the largest real-world Face Mask Dataset.
● Built a custom ResNet model with Data Augmentation.
● Implemented a Face Detection pipeline using YOLOv5 and OpenCV to detect faces.
● Ranked in the top 20% of Human Protein Classification Kaggle Competition.
● Developed CNNs using Densenet and Resnet capable of classifying mixed patterns of proteins in microscope images.
● Built an Image Filter App that applies various filters on user input images.
● Implemented image processing operations such as blur, greyscale, sepia and mosaic from scratch.
● Devised an MVC architecture using Object Oriented Programming and Command Pattern Design.
● Additional features include generating custom images such as rainbow, checkerboards and flags based on user input.