sovit-123
Machine learning and deep learning problem solver and practitioner. Learning more about deep learning everyday and teaching others as well.
India
Pinned Repositories
American-Sign-Language-Detection-using-Deep-Learning
This project aims to detect American Sign Language using PyTorch and deep learning. The neural network can also detect the sign language letters in real-time from a webcam video feed.
attention_is_all_you_need
Implementation of language model papers along with several examples [NOT ALL WRITTEN FROM SCRATCH].
CamVid-Image-Segmentation-using-FCN-ResNet50-with-PyTorch
Deep learning semantic segmentation on the Camvid dataset using PyTorch FCN ResNet50 neural network.
fasterrcnn-pytorch-training-pipeline
PyTorch Faster R-CNN Object Detection on Custom Dataset
German-Traffic-Sign-Recognition-with-Deep-Learning
Recognizing traffic signs with deep learning and PyTorch using Spatial Transformer Convolutional Neural Networks.
image-deblurring-using-deep-learning
PyTorch implementation of image deblurring using deep learning. Use a simple convolutional autoencoder neural network to deblur Gaussian blurred images.
Pneumonia-Detection-using-Deep-Learning
Detecting pneumonia from chest radiographs using deep learning with the PyTorch framework. Faster RCNN ResNet50 backbone.
SAM_Molmo_Whisper
An integration of Segment Anything Model, Molmo, and, Whisper to segment objects using voice and natural language.
Traffic-Light-Detection-Using-YOLOv3
Traffic light detection using deep learning with the YOLOv3 framework. PyTorch => YOLOv3
vision_transformers
Vision Transformers for image classification, image segmentation, and object detection.
sovit-123's Repositories
sovit-123/fasterrcnn-pytorch-training-pipeline
PyTorch Faster R-CNN Object Detection on Custom Dataset
sovit-123/vision_transformers
Vision Transformers for image classification, image segmentation, and object detection.
sovit-123/image-deblurring-using-deep-learning
PyTorch implementation of image deblurring using deep learning. Use a simple convolutional autoencoder neural network to deblur Gaussian blurred images.
sovit-123/attention_is_all_you_need
Implementation of language model papers along with several examples [NOT ALL WRITTEN FROM SCRATCH].
sovit-123/SAM_Molmo_Whisper
An integration of Segment Anything Model, Molmo, and, Whisper to segment objects using voice and natural language.
sovit-123/learnopencv
Learn OpenCV : C++ and Python Examples
sovit-123/local_file_search
Local file search using embedding techniques
sovit-123/detr-custom-training
Training DETR (Detection Transformer) on custom object detection datasets.
sovit-123/lm_sft
Various LMs/LLMs below 3B parameters (for now) trained using SFT (Supervised Fine Tuning) for several downstream tasks
sovit-123/chat_llama
Chat with LLama 2 models (locally)
sovit-123/Diabetic-Retinopathy
sovit-123/efficient_seg
sovit-123/gpt_instruct
GPT instruct based models in less than a billion parameters.
sovit-123/ultralytics
YOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
sovit-123/YOLOv6
YOLOv6: a single-stage object detection framework dedicated to industrial applications.
sovit-123/bulbul
Maybe a new text library or may be a something else, will figure out.
sovit-123/diffusion_models
Implementation and training pipelines of various diffusion models for image generation.
sovit-123/gradio_phi_chat
Phi LM Chat App with Gradio
sovit-123/llama2.c_chat
Llama 2 in C and PyTorch for single-turn chat
sovit-123/llm_low_mem_exps
Random experiments for LLM training/inference with low GPU usage.
sovit-123/Markdown-Previewer
sovit-123/pytorch-ssd300
A simple PyTorch implementation of the SSD300 network.
sovit-123/RadiologyAI-App
Web App for Course 2 [Python] Project 3: Radiology AI.
sovit-123/retinanet_detection_pipeline
An object detection pipeline to train PyTorch RetinaNet models
sovit-123/Segment_Anything_Multi_Modal
SAM goes multi modal
sovit-123/sovit-123
sovit-123/stable-diffusion-webui-colab
stable diffusion webui colab
sovit-123/starcoder2-self-align
StarCoder2-Instruct: Fully Transparent and Permissive Self-Alignment for Code Generation
sovit-123/tinygrad
You like pytorch? You like micrograd? You love tinygrad! ❤️
sovit-123/yolov1_pytorch
A simple implementation of YOLOv1 PyTorch and training on the PASCAL VOC dataset.