Projects in Awesome Lists by shreydan
A curated list of projects in awesome lists by shreydan .
https://github.com/shreydan/global-color-picker
start the script and click anywhere to get rgb value at the cursor location
color color-picker colorpicker colorpicker-application colors pillow pynput python python-script python3 rgb
Last synced: 15 Sep 2025
https://github.com/shreydan/python
Useful Python scripts written in 3! Uses a lot of modules and APIs.
algorithms beginner-friendly beginner-project collatz comics easy-to-use friendly github learning-github learning-python python python-3 python35 simple timy user-friendly xkcd-comics
Last synced: 15 May 2025
https://github.com/shreydan/googlepage
A better looking <not anymore> google.com | Take a look:
beginner-project css css3 functions googlepage homepage html html5 javascript minimal website
Last synced: 15 May 2025
https://github.com/shreydan/media-control
Control YouTube, streaming sites, media players on your computer using your phone as a remote.
flask-application javascript python remote remote-control youtube
Last synced: 15 May 2025
https://github.com/shreydan/shakespearegpt
understanding language modeling by training a small GPT on Shakespeare plays.
andrej-karpathy gpt language-model nlp transformers
Last synced: 15 May 2025
https://github.com/shreydan/scratchformers
building various transformer model architectures and its modules from scratch.
computer-vision multimodal nlp pytorch transformers
Last synced: 12 Jul 2025
https://github.com/shreydan/bible-verse-search-app
semantically search Bible verses using NLP: https://bible-verse-search.streamlitapp.com/
bible deep-learning nlp search transformers
Last synced: 10 Jul 2025
https://github.com/shreydan/vlm-od
experimental: finetune smolVLM on COCO (without any special <locXYZ> tokens)
computer-vision deep-learning llm object-detection transformers visual-language-models vlm
Last synced: 28 Jun 2025
https://github.com/shreydan/visiongpt2
Combining ViT and GPT-2 for image captioning. Trained on MS-COCO. The model was implemented mostly from scratch.
gpt image-captioning multimodal pytorch transformers vit
Last synced: 15 May 2025
https://github.com/shreydan/makemore-series
Following Prof. Andrej Karpathy Makemore tutorial series on yt.
andrej-karpathy makemore natural-language-processing neural-network nlp pytorch text-generation
Last synced: 02 Sep 2025
https://github.com/shreydan/yolo-object-detection-kitti
2D object detection for KITTI dataset finetuned using Ultralytics YOLOv8
kitti-dataset object-detection yolov8
Last synced: 15 May 2025
https://github.com/shreydan/youtube-in-video-search
YouTube Question-Answering and Semantic Search.
huggingface nlp question-answering search youtube
Last synced: 23 Jul 2025
https://github.com/shreydan/liteclip
a lighter implementation of OpenAI CLIP in PyTorch.
Last synced: 22 Jun 2025
https://github.com/shreydan/machinelearningrecipes
Following tutorials from Josh Gordon.
beginner beginner-friendly classifiers google machine-learning python supervised-machine-learning tutorials youtube-playlist
Last synced: 12 Oct 2025
https://github.com/shreydan/time
A minimal time & date display for web browsers.
beginner-friendly css css3 html html5 javascript js minimal simple time webapp website
Last synced: 15 May 2025
https://github.com/shreydan/machine_learning_models_from_scratch
linear regression, logistic regression, KNN classifier, ...
knn-classifier linear-regression logistic-regression machine-learning machine-learning-algorithms
Last synced: 15 May 2025
https://github.com/shreydan/stop-motion
openCV stop motion animation for black drawings over white background
Last synced: 28 Oct 2025
https://github.com/shreydan/simplevlm
building a simple VLM. Combining LlaMA-SmolLM2 + SigLip2
computer-vision deep-learning finetuning-llms finetuning-vision-models huggingface llm multimodal nlp pytorch transformers vision-language-model vlm
Last synced: 23 Apr 2025
https://github.com/shreydan/khaanagpt
Fine-tuned GPT2 to generate Indian recipes based on few listed ingredients.
finetune gpt2 huggingface-spaces language-model transformers
Last synced: 30 Aug 2025
https://github.com/shreydan/multilingual-translation
Training a transformer for multilingual translation from scratch. Translates English to Hindi or Telugu. Trained on the Opus100 dataset for learning purposes.
indic-languages transformers translation
Last synced: 16 Oct 2025
https://github.com/shreydan/fastai-starters
learning fastai | God bless the docs
Last synced: 15 May 2025
https://github.com/shreydan/anilist-public-api-id-query
query for active animes to get more info by providing MyAnimeList anime ID to Anilist Public API
Last synced: 15 May 2025
https://github.com/shreydan/unsplash-scraper
downloads specified no. of photos with credits list from Unsplash
bs4 bs4-requests download-file download-photos downloader image python python3 requests scraper scraping-websites script
Last synced: 23 Jul 2025
https://github.com/shreydan/hackerfeed
a simple decent material you style hackernews feed since the webpage sucks on mobile
Last synced: 26 Jul 2025
https://github.com/shreydan/data-structures
data structures: C, C++, Python implementation
Last synced: 23 Aug 2025
https://github.com/shreydan/twitter-for-terminal
tweet from terminal
linux terminal tweepy tweepy-api tweet tweets twitter twitter-api
Last synced: 15 May 2025
https://github.com/shreydan/recurrent-neural-nets
my projects trying out various RNNs including GRUs and LSTMs | PyTorch
Last synced: 15 May 2025
https://github.com/shreydan/pure-css-indian-flag
pure CSS Indian Flag
css css-design css-drawing html india indian
Last synced: 24 Aug 2025
https://github.com/shreydan/my-instagram-design-posts-code
all the code to my designs on instagram
Last synced: 15 May 2025
https://github.com/shreydan/monocular-depth-estimation
monocular depth estimation using UNet-style architecture trained on NYUv2 depth dataset
Last synced: 08 Jul 2025
https://github.com/shreydan/todo
the usual react todo, made with styled components
Last synced: 15 May 2025
https://github.com/shreydan/synthminima
a minimal looking web synth with 1 octave.
beginner beginner-friendly css html javascript keyboard-events minimal synthesizer
Last synced: 15 May 2025
https://github.com/shreydan/pytorch-cnn-image-models
rough implementation of well-known CNN Image models in pytorch
Last synced: 15 May 2025
https://github.com/shreydan/nn-micrograd-tutorial
Following Andrej Karpathy's Neural Networks and Micrograd Tutorial
Last synced: 15 May 2025
https://github.com/shreydan/ml-practice
my machine-learning practice notebooks
Last synced: 15 May 2025
https://github.com/shreydan/masked-language-modeling
Transformers Pre-Training with MLM objective — implemented encoder-only model and trained from scratch on Wikipedia dataset.
masked-language-models nlp pretrained-language-model pytorch transformers
Last synced: 15 May 2025
https://github.com/shreydan/machine_learning_notebooks
all the notebooks are based on common datasets and hopefully trying out all different models
Last synced: 12 Jun 2025
https://github.com/shreydan/exploratory-data-analysis-notebooks
Exploratory Data Analysis
Last synced: 15 May 2025
https://github.com/shreydan/corejava_programs
Beginner programs written in Java for people new to GitHub or Java.
algorithms array beginner-friendly constructors helloworld-programs java java8 loops methods patterns
Last synced: 15 May 2025
https://github.com/shreydan/dice
JavaScript webapp which allows you to roll dice!
beginner css css3 html html5 javascript js minimal random random-number-generators simple webapp webapplication
Last synced: 15 May 2025
https://github.com/shreydan/adherent-hacknitr-submission
Get the latest updates around you as they happen
Last synced: 15 Sep 2025
https://github.com/shreydan/c-basics
this where all my beginner C code goes to.
Last synced: 30 Oct 2025
https://github.com/shreydan/algorithms
implementation of various algorithms in different languages
Last synced: 15 May 2025
https://github.com/shreydan/hebron-verses-generator
Hebron Calendar verses image generator : scripture.api.bible API -> JSON calendar -> static webpage with verse -> chrome headless screenshots
api automation chrome frontend json python script
Last synced: 08 Oct 2025
https://github.com/shreydan/binary-semantic-segmentation
binary semantic segmentation using UNet on CamVid dataset
Last synced: 15 May 2025
https://github.com/shreydan/vanilla-unet
u-net implementation as per: https://arxiv.org/abs/1505.04597
Last synced: 07 Sep 2025
https://github.com/shreydan/jetson-nano-config
Nvidia Jetson Nano Configuration
Last synced: 15 May 2025
https://github.com/shreydan/onnx-mnist
basic onnx model on web using onnxwebruntime
Last synced: 15 May 2025
https://github.com/shreydan/computer-graphics-algorithms
computer graphics | P5.js implementations | SEM-V
Last synced: 15 May 2025
https://github.com/shreydan/naive-rag-compose
naive rag using docker-compose with multiple services: ingestion, embedding, query, llm-chat + streaming with openrouter/openai
chatbot docker docker-compose faiss fastapi llm openai-api retrieval-augmented-generation vector-database
Last synced: 06 Sep 2025