Giter Site home page Giter Site logo

Hey! I am Shreyas Dixit

Building @Linear-AI | President @MLSC VIIT Pune | Student Researcher | Dual Patent Holder | Deep Learning

srddev

shreyas__dixit i

πŸ§‘πŸ»About Me

  • πŸ”­ I am into Deep Learning Architectures and Techniques
  • πŸ€— Publishing ML Models on Huggingface
  • πŸ‘¨β€πŸ’» All of my projects are available at shreyasdixit.me
  • πŸ§‹ Motto Lead Learn Inspire

Latest Updates

  • 2nd Patent Published :Second Patent in 2023 "Real-Time MultiModal Video Narration Platform for Visually Impaired People"
  • Indian Patent Published : Recently published an Indian Patent titled "Assistance Platform for Visually Impaired Person using Image Captioning"

Projects

Click on the project name to directly go to it's GitHub Repository and click demo app to see a live demo of the project

  • EchoSense : VisualAudioAI is a multimodality model that aims to generates Audio descriptions by looking at any given Image.[HF Space]
  • HingFlow : Translation model to translate English sentence to Hindi. Used Neural Machine Translation using Transformers approach to solve this problem.[HF Space]
  • MaskedLM : A Pytorch Implementation of BART Architecure for Masked Language Modeling on English & Hinglish Data.The Models are available to use on Huggingface. [HF Model card]
  • Neural Translation : A transformer based Neural Machine Translation model in TensorFlow for English to Hinglish Translation.Built from scratch & achived 94% accuracy with 24hr for Neuro Hackathon.
  • Image Captioning : Multimodality model for Image-Text Generation. Given any image the model outputs a text prompt describing the image.

Currently working on

  • Open Source contributions

Notion & NewsLetter

  • I write about productivity in this weekly newsletter "Productivity Pro".
  • I use Notion daily as my second brain. I also create Notion templates for you to stay organized and Productive.

  • I have multiple Notion Templates on Notion's Official Gallery

Shreyas Dixit's Projects

aerial-segmentation-models icon aerial-segmentation-models

A repository of aerial image semantic segmentation contains annotated images that have been labeled with object categories, enabling machine learning models to identify and classify objects in aerial images.

aigitdemo icon aigitdemo

Repository created to teach Git & GitHub at Symbiosis Institute of Technology !

autosprout icon autosprout

AutoSprout is an Automatic Irrigation System which enables users to login to an web or app and monitor their plants as well as agricultural lands.

chat_application icon chat_application

Online Chatting application . This application allows you to chat with a group of people in a certain range area.

credit-card-fraud-detection icon credit-card-fraud-detection

Case Study of Detection of Credit card fraud using Machine learning algorithms such as Logistic Regression, Support Vector Machines ,etc

dogs_vs_cats-cnn icon dogs_vs_cats-cnn

Binary Image Classification . This project uses basic Machine Learning Algorithms to differentiate between 🐱Cats & 🐢Dogs

emotion-recognition icon emotion-recognition

The Emotion Recognition App is a real-time application that utilizes machine learning to detect and recognize human emotions from a webcam feed. The application uses a pre-trained deep learning model to classify facial expressions into seven different emotions: Angry, Disgusted, Fearful, Happy, Neutral, Sad, and Surprised. This project demonstrates

federated-learning icon federated-learning

Federated Learning enables mobile phones to collaboratively learn a shared prediction model while keeping all the training data on device, decoupling the ability to do machine learning from the need to store the data in the cloud. This goes beyond the use of local models that make predictions on mobile devices .

gptlite icon gptlite

GPTLite is a PyTorch implementation of the GPT (Generative Pre-trained Transformer) language model. It is trained on the Shakespeare dataset, and is built from scratch.

hf-transformers icon hf-transformers

πŸ€— Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

hingflow icon hingflow

This repository contains a Translation model to translate English sentence to Hindi.

image-classification icon image-classification

This is a Image Classification Neural Net made to study Transfer Learning. The Project consists of a case study of Classification of Food Items of 101 different types.

image-generation icon image-generation

Welcome to the "Image Generation from Scratch" repository! This project is dedicated to building image generation models from scratch using PyTorch. In this repository, you'll find both GANs (Generative Adversarial Networks) and Diffusion models implemented from the ground up.

ipl-data-analysis icon ipl-data-analysis

This Project aims to analyse 850 IPL matches & use them for prediction of next IPL winner πŸ†

kaggel-mohs_hardness icon kaggel-mohs_hardness

Welcome to the 2023 Kaggle Playground Series! This competition, titled "Regression with a Mohs Hardness Dataset," is part of Season 3, Episode 25. We appreciate the active participation and contributions from the Kaggle community in this series.

llama3 icon llama3

The official Meta Llama 3 GitHub site

maskedlms icon maskedlms

MaskedLMs is a repository that contains masked language models for Indian languages. These models are designed to predict missing words in a sentence. The models currently support English , Hinglish Languages

materialyou icon materialyou

This Project is an attempt to understand and recreate Googles latest update in Color-Extraction called as Material You. It will provide you with color-palette to use on your website , brand as per the main image on the website or brand.

model-quantization icon model-quantization

Quantization is a technique to reduce the computational and memory costs of running inference by representing the weights and activations with low-precision data types like 8-bit integer (int8) instead of the usual 32-bit floating point (float32).

multi-head-yolov9 icon multi-head-yolov9

This repository contains the implementation of a multi-head YOLOv9 model for clothes detection and instance segmentation. The model is trained on the DeepFashion dataset and evaluated using MSCOCO evaluation metrics. It predicts bounding boxes, instance segmentation masks, category labels, and confidence scores simultaneously.

neural_networks icon neural_networks

The aim of this repository is to understand and build a neural network and to go from maths to code.

neurohack icon neurohack

This project uses a transformer-based neural network to translate English to Hinglish, a colloquial form of Hindi that incorporates English words and phrases. The model is built from scratch using a large dataset of English-Hindi-Hinglish

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    πŸ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. πŸ“ŠπŸ“ˆπŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❀️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.