Skip to content
View magnifiques's full-sized avatar
๐Ÿ’ฝ
๐Ÿ’ฝ

Organizations

@zero-to-mastery @ESW-UofG

Block or report magnifiques

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Maximum 250 characters. Please don't include any personal information such as legal names or email addresses. Markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this userโ€™s behavior. Learn more about reporting abuse.

Report abuse
magnifiques/Readme.md

Hey there! I'm Arpit ๐Ÿฑโ€๐Ÿš€

I'm an AI Engineer who started with web development and UI/UX design. Now Iโ€™m diving into the world of Machine Learning, Data Science, and Generative AI. I love turning ideas into amazing projects, whether itโ€™s a 3D website or a smart machine learning model that identifies the breed of a dog.

โšช List of my projects that have been created and deployed by me:

Watermarking Language Models: Red List / Green List vs. Cluster Watermarking ๐Ÿ”

The Project link: Project.

  • Conducted a comparative study of text watermarking techniques on transformer-based models (OPT-350M, GPT-2 Medium), evaluating trade-offs in semantic fluency, coherence, and detectability.

  • Implemented and analyzed Red List / Green List watermarking (token-level constraints) vs. Cluster watermarking (distributional control) across BLEU, ROUGE, and Perplexity metrics.

  • Designed and ran experiments with multiple hyperparameter configurations (ฮณ, ฮด), leveraging PyTorch, HuggingFace Transformers, Scikit-learn, NLTK, and SacreBLEU.

  • Findings: Red/Green list methods excelled in semantic fidelity, while Cluster watermarking preserved coherence with lower perplexity.

  • Future directions: scale experiments to larger models (GPT-J, LLaMA-7B), test adversarial robustness, and combine watermarking with reinforcement learning.

WhatToCookToday ๐Ÿณ

The Website link: WhatToCookToday.

  • Built a smart recipe recommendation system using Retrieval-Augmented Generation (RAG) and semantic search to match user-input ingredients with 180K+ real-world recipes.

  • Implemented dense vector search with SentenceTransformers and ChromaDB, enabling real-time, context-aware recipe suggestions without relying on keyword matching.

  • Designed a fully CPU-compatible pipeline, optimizing for low-resource environments by avoiding model fine-tuning and using lightweight, pre-trained embeddings.

  • Preprocessed and normalized a large-scale recipe dataset (Food.com), handling data cleaning, formatting, and conversion into LangChain-compatible documents.

  • Deployed an interactive cooking assistant UI on Hugging Face Spaces using Gradio, supporting natural language ingredient input and seamless user interaction.

Breemary ๐Ÿ

The Website link: Breemary.

  • Fine-tuned Metaโ€™s BART-Large-CNN model on a custom dataset of emails and conversational texts to generate high-quality, context-aware summaries, achieving a ROUGE-1 score of 57, ROUGE-2 score of 33, and ROUGE-L score of 48.

  • Employed Accelerate for mixed-precision training and multi-GPU support, optimizing model training on limited hardware resources. Designed efficient data preprocessing, batching, and augmentation pipelines to train on 15,000 text samples, ensuring diverse and generalized performance.

  • Integrated linear learning rate scheduling with warmup and AdamW optimizer to stabilize training and improve convergence.

  • Published and version-controlled the trained model on Hugging Face Hub using Gradio, making it publicly accessible for real-world text summarization tasks.

Dogvision ๐Ÿถ

The Website link: Dogvision.

  • Developed a high-speed, lightweight dog breed classification model using PyTorch, trained on 120 unique dog breeds from the Kaggle Dog Breed Identification dataset.

  • Implemented transfer learning with top-performing vision models (ConvNext Tiny, ViT-B-16, MaxVit-Tiny), refining performance on a dataset of 10,000 images. ConvNext Tiny was selected for its balance between accuracy and efficiency, achieving 97% accuracy and a 95% F1-score.

  • Applied data augmentation techniques and a learning rate scheduler to enhance generalization and prevent overfitting, optimizing model performance.

  • Deployed the model on Hugging Face Spaces using Gradio, enabling real-time user testing and interaction.

Foodvision ๐Ÿ”

The Website link: Foodvision.

  • Built a food classification model using PyTorch and the Vision Transformer (ViT) architecture, utilizing PyTorchโ€™s torchvision library for transfer learning with pre-trained weights. The model was trained for 20 epochs, achieving an overall accuracy of 86.32%, with 20 food categories from the Food101 dataset.

  • To improve the modelโ€™s generalization and prevent overfitting, Applied data augmentation (flipping, rotating images) and used a learning rate scheduler to adjust the learning rate over time. Early stopping was also implemented to avoid overtraining the model.

  • Deployed the model using Gradio on Hugging Face Spaces, allowing live testing and interaction with the extended classification model, making it accessible for anyone to try.

Vampfire ๐Ÿ‘ 

The Website link: Vampfire.

  • Vampfire is the culmination of my lifelong passion for music and fashion, offering a curated collection that not only celebrates iconic styles and seasonal marvels but also pays homage to the profound influence of hip-hop fashion on my personal wardrobe choices.
  • Developed utilizing advanced frameworks including Next.js, Prisma, Stripe, and Tailwind CS

Bloom ๐ŸŒธ

The Website link: Bloom.

  • Bloom is an interactive virtual meeting creator where you can seamlessly create, join, and manage meetings, all in one place.
  • Implemented video conference features using Stream, Stream is a game-changer in the realm of virtual communication, revolutionizing the way we experience video calls and livestreams.
  • Utilized Next.js 14 for seamless functionality, TailwindCSS for styling, ShadCN for component Building, and Clerk for Ensuring robust user authentication and data security.

Catalyst: Event Management App ๐Ÿ‹

The Website link: Catalyst

  • Catalyst is a web app that makes event creation and management easy.
  • Built with Next.js, TypeScript, React, and Stripe, it ensures a smooth experience for organizers and attendees.
  • Technologies used include Tailwind CSS, MongoDB, Mongoose, Clerk, ShadCN, Uploadthing, and Zod.

Pinned Loading

  1. watermarking-with-llm watermarking-with-llm Public

    This repository contains the code and results of a comparative study on text watermarking methods applied to transformer-based language models

    Jupyter Notebook 1

  2. breemary breemary Public

    An advanced text summarization model based on fine-tuned BART-large-CNN, specifically optimized for summarizing day-to-day conversations, emails, and customer support chats. Built to handle diverseโ€ฆ

    Jupyter Notebook

  3. dogvision dogvision Public

    A deep learning computer vision model built on ConvNeXt Tiny architecture, specifically fine-tuned for dog breed classification. From Labradors to German Shepherds, this model can accurately identiโ€ฆ

    Jupyter Notebook

  4. whatToCookToday whatToCookToday Public

    WhatToCookToday is an AI-powered recipe recommendation system that helps you discover delicious recipes based on the ingredients you have in your kitchen. Simply tell us what's available, and we'llโ€ฆ

    Jupyter Notebook

  5. foodvision_extended foodvision_extended Public

    A computer vision model that recognizes 20 food categories. It builds on FoodVision Mini (which classified pizza, steak, and sushi) and explores advanced techniques in deep learning to improve accuโ€ฆ

    Python

  6. transformer-from-scratch transformer-from-scratch Public

    Python