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/Traffic-Light-Detection-Using-YOLOv3
Traffic light detection using deep learning with the YOLOv3 framework. PyTorch => YOLOv3
sovit-123/CamVid-Image-Segmentation-using-FCN-ResNet50-with-PyTorch
Deep learning semantic segmentation on the Camvid dataset using PyTorch FCN ResNet50 neural network.
sovit-123/Pneumonia-Detection-using-Deep-Learning
Detecting pneumonia from chest radiographs using deep learning with the PyTorch framework. Faster RCNN ResNet50 backbone.
sovit-123/German-Traffic-Sign-Recognition-with-Deep-Learning
Recognizing traffic signs with deep learning and PyTorch using Spatial Transformer Convolutional Neural Networks.
sovit-123/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.
sovit-123/SSD300-VGG11-on-Pascal-VOC-2005-Data
This project trains a SSD300 with VGG11 base on the PASCAL VOC 2005 dataset using the PyTorch deep learning framework.
sovit-123/Diabetic-Retinopathy-NN
sovit-123/Video-Recognition-using-Deep-Learning
This project uses deep learning and the PyTorch framework to detect sports action categories in videos in real-time. The neural network is a simple custom neural network built with PyTorch.
sovit-123/Deep-Learning-Image-Super-Resolution
This is a deep learning project based on the Image Super-Resolution Using Deep Convolutional Networks - SRCNN paper using the PyTorch deep learning library.
sovit-123/Robust_Neural_Networks_by_Adding_Noise_to_Data
PyTorch implementation of building robust deep learning neural networks by adding noise to image data before training.
sovit-123/Fast-and-Accurate-Human-Detection-with-HOG
This project used OpenCV HOG people detector to build an accurate and fast enough implementation to detect people in images and videos.
sovit-123/opencv-resize-heroku-test
sovit-123/pytorch-dcgan-framework
A small PyTorch framework to try out and train DCGAN on different datasets.
sovit-123/pytorch-efficientdet-api
A PyTorch EfficientDet API for easy training and inference on custom datasets.
sovit-123/Semantic-Segmentation-using-Fully-Convlutional-Networks
Implementation of Fully Convolutional Network for semantic segmentation using PyTorch framework
sovit-123/deep-vision-codes
All the code related to deep vision website.
sovit-123/deeplab2
DeepLab2 is a TensorFlow library for deep labeling, aiming to provide a unified and state-of-the-art TensorFlow codebase for dense pixel labeling tasks.
sovit-123/deepvision
A repository for everything related to computer vision
sovit-123/deepvisionai.github.io
sovit-123/EfficientDet-API
An object detection API for faster training of EfficientDet models on various datasets using PyTorch.
sovit-123/fastai-v3
Starter app for fastai v3 model deployment on Render
sovit-123/graduate-admission-prediction-machine-learning-app
sovit-123/ML_Project_Template
sovit-123/reading-train
sovit-123/stylegan
StyleGAN - Official TensorFlow Implementation
sovit-123/StyleGAN-Tensorflow-2.0
Unofficial implementation of StyleGAN using TensorFlow 2.0.
sovit-123/TensorFlow-ResNets
A hub for ResNet based models and pretrained weights in TensorFlow.
sovit-123/tensorflow_segmentation
Segmentation models in TensorFlow, Keras support.
sovit-123/Torch-Segment
A deep learning image segmentation library and API on top of PyTorch.
sovit-123/yolov1_pytorch
A simple implementation of YOLOv1 PyTorch and training on the PASCAL VOC dataset.