There are no reviews yet. Be the first to send feedback to the community and the maintainers!
Deep-Residual-Unet
ResUNet, a semantic segmentation model inspired by the deep residual learning and UNet. An architecture that take advantages from both(Residual and UNet) models.Semantic-Segmentation-Architecture
A repository contains the code for various semantic segmentation in TensorFlow and PyTorch framework.UNet-Segmentation-in-Keras-TensorFlow
UNet is a fully convolutional network(FCN) that does image segmentation. Its goal is to predict each pixel's class. It is built upon the FCN and modified in a way that it yields better segmentation in medical imaging.Multiple-Client-Server-Program-in-C-using-fork
A simple tcp client server application that describes the communication between the client and a server. The server is a simple echo sever that can handle multiple client using fork.TGANet
TGANet: Text-guided attention for improved polyp segmentation [Early Accepted & Student Travel Award at MICCAI 2022]Polyp-Segmentation-using-UNET-in-TensorFlow-2.0
Implementing polyp segmentation using the U-Net and CVC-612 dataset.Chatroom-in-C
A simple Chatroom built in C programming language. The program is built uses multithreading for handling multiple clients.Retina-Blood-Vessel-Segmentation-in-PyTorch
This repository contains the code for semantic segmentation of the retina blood vessel on the DRIVE dataset using the PyTorch framework.Human-Image-Segmentation-with-DeepLabV3Plus-in-TensorFlow
DeepLabV3+ with squeeze and excitation network for human image segmentation in TensorFlow 2.5.0Multiclass-Segmentation-in-Unet
Multiclass segmentation on the Oxford-IIIT Pet dataset using the U-Net dataset.Unet-with-Pretrained-Encoder
The repository contains the Jupyter Notebook that perform semantic segmentation using the famous U-Net. The encoder of the U-Net is replaced with the pretrained encoder.Remove-Photo-Background-using-TensorFlow
In this program, we are using image segmentation to remove the background from photos.File-Transfer-using-TCP-Socket-in-C
A simple TCP client-server program written in C. In this program the client read a file and send its data to server. The server then receives the data and write it in a text file.TCP-Client-Server-Implementation-in-C
An implementation of TCP client-server architecture in the C programming language, where both the client and server can communicate with each other.FANet
FANet: A Feedback Attention Network for Improved Biomedical Image Segmentation [IEEE Transactions on Neural Networks and Learning Systems]Semantic-Segmentation-Mask-to-Bounding-Box
This repository contains the code for extracting bounding box coordinates from a binary segmentation mask.DDANet
DDANet: Dual Decoder Attention Network for automatic Polyp Segmentation [International Conference on Pattern Recognition 2021]Unet-for-Person-Segmentation
U-Net for person segmentation in TensorFlow using Keras API.File-Transfer-using-TCP-Socket-in-Python3
A simple client-server program, where client send a file to server.Multithreaded-File-Transfer-using-TCP-Socket-in-Python
A multithreaded file transfer client-server program build using a python programming language.DCGAN-on-Anime-Faces
The respository contains the code for the Deep Convolutional Generative Adversarial Network (DCGAN) trained on the anime faces dataset.TransResUNet
TransResU-Net: Transformer based ResU-Net for Real-Time Colonoscopy Polyp SegmentationRetina-Blood-Vessel-Segmentation-using-UNET-in-TensorFlow
This repository contains the code for the Retina Vessel Segmentation (DRIVE) using the UNET architecture in TensorFlow 2.0Extract-Frame-from-Videos
A simple piece of code written in Python that will help you to extract the frame from a video or a set of video at once.Flower-Image-Classification-using-Vision-Transformer
The repository contains the code for the flower image classification using Vision Transformer in the TensorFlowUNET-Segmentation-on-CT-Scan-Images-in-TensorFlow-2.0
The repository contains the code for UNET segmentation on CT scan dataset in TensorFlow 2.0 framework.Data-Augmentation-for-Semantic-Segmentation-Dataset
A simple code to apply data augmentation to your semantic segmentation dataset and then use it train your model.Lung-Segmentation-in-TensorFlow-2.0
This repository contains the code for Lung segmentation using Montgomery dataset in TensorFlow 2.0.UDP-Client-Server-Program-in-C
A simple UDP Client Server program written in C languageBackground-Removal-using-Deep-Learning
The repository contains the code for removing the background human image using deep learning (semantic segmentation)tcp-client-server-in-C
This is a simple TCP Client Server program in C language.Brain-Tumor-Segmentation-in-TensorFlow-2.0
Brain Tumor Segmentation dataset using TensorFlowAttention-Mechanism-Implementation
Implementation of different attention mechanisms in TensorFlow and PyTorch.multithread-client-server-in-python
RGB-Mask-to-Single-Channel-Mask-for-Multiclass-Segmentation
This repo contains the code for converting an RGB mask into a onehot encoded mask or a single channel grayscale mask, which can be easily used for multiclass segmentation.Vision-Transformer-ViT-in-TensorFlow
Vision Transformer Implementation in TensorFlowHuman-Face-Segmentation-in-TensorFlow
This repository contains the code for Multiclass Segmentation on the human faces using Landmark Guided Face Parsing (LaPa) dataset in TensorFlow.Multiclass-Segmentation-on-Crowd-Instance-level-Human-Parsing-CHIP-Dataset-using-UNET
Multiclass Segmentation using UNET on Crowd Instance-level Human Parsing (CHIP) datasetDilatedSegNet
DilatedSegNet: A Deep Dilated Segmentation Network for Polyp SegmentationUDP-Client-Server-implementation-in-C
A simple implementation of the UDP (User Datagram Protocol) client-server program in the C programming language.Stop-and-Wait-Protocol-Implemented-in-UDP-C
Skin-Lesion-Segmentation-in-TensorFlow-2.0
This repository contains the code for semantic segmentation of the skin lesions on the ISIC-2018 dataset using TensorFlow 2.0.tf.data-TensorFlow-Input-Data-Pipeline-for-Semantic-Segmentation
A simple code for building an input dataset pipeline for semantic segmentation using TensorFlow tf.data API.MKDCNet
Automatic Polyp Segmentation with Multiple Kernel Dilated Convolution Network [CBMS: Computer-Based Medical Systems 2022]Multi-Layer-Perceptron-in-Python
A multilayer perceptron (MLP) is a feedforward artificial neural network model that maps sets of input data onto a set of appropriate outputs. An MLP consists of multiple layers of nodes in a directed graph, with each layer fully connected to the next one.Dog-Breed-Classifier-using-TF2.0
A simple classification model takes the advantage of transfer learning to train the model to identify the dog images.Binary-to-Decimal-using-Recurrent-Neural-Network
We are going to build a Binary to Decimal converter using RNN. We are going to build a RNN from scratch using python, no machine learning libraries are going to be used.Large-File-Transfer-using-TCP-Socket-in-Python3
A simple file transfer program for transferring large file over a TCP client-serer program.U2-Net-for-Image-Matting-in-TensorFlow
This project showcases an implementation of the U2-Net architecture for Image Matting in the TensorFlow.File-Transfer-using-UDP-Socket-in-C
A simple C program for file transfer between the client and the server using the UDP Socket.XOR-gate-using-Tensorflow
XOR gate using TensorflowDeep-Learning-with-MNIST
Extracting-Image-and-Mask-from-a-Video-Segmentation-Dataset
The repository contains the code for extracting image and mask from a video segmentation dataset by using the OpenCV library in the Python programming language.Multiple-File-Transfer-using-TCP-Socket-in-Python3
Multiple File Transfer using TCP Socket in PythonVision-Transformer-with-ResNet50-in-TensorFlow
The repository contains the code for the implementation of ResNet50 Vision Transformer in the TensorFlow framework.Remove-Background-from-Video-using-TensorFlow
In this program, we are using image segmentation to remove the background from videos.Human-Face-Landmark-Detection-in-TensorFlow
This repository contains the code for Human Face Landmark Detection in TensorFlow using the pre-trained MobileNetv2 and the Landmark Guided Face Parsing (LaPa) dataset.Socket-Programming-Server-in-C-and-Client-in-Python
A simple TCP client-server program, where server in written in C programming language while the client is written in Python programming language.Object-Detection-from-Scratch-in-TensorFlow
Object Detection from Scratch in TensorFlowImage-Segmentation-using-UNETR
Human Hair Segmentation using the UNETR (U-Net Transformers) in TensorFlowMulticlass-Image-Segmentation-using-UNETR-in-TensorFlow
Multiclass Image Segmentation on Human Face Segmentation in TensorFlowIntroduction-to-TensorFlow
Simple-Operating-System-from-Scratch
A simple operating system build from scratch using C and assembly language. The code includes a make file that will help you to run this whole program.Cell-Nuclei-Segmentation-in-TensorFlow-2.0
This repository contains the code for semantic segmentation of the cell nuclei on the 2018 Data Science Bowl dataset using UNET architecture in TensorFlow 2.0 framework.Mean-IOU-in-Numpy-TensorFlow
A function for calculating mean iou, which can be used as a keras metrics.GAN-in-TensorFlow
Implementation of different GANs using TensorFlowVGG-Image-Annotator-Process-JSON-file
The code in this repository is used to parse the JSON file generated after annotating the images through the VGG Image Annotator tool designed by Visual Geometry Group.Autoencoder-in-TensorFlow
Word2vec
Day-Time-Sever-Client-in-C
Human-Face-Detection-using-Haar-Cascade-in-OpenCV-Python
DCGAN-for-Fashion-MNIST
Evaluating-the-Semantic-Segmentation-Models
A simple code to evaluate the semantic segmentation models using the sklearn library and save the results in a csv file.Custom-Layer-in-TensorFlow-using-Keras-API
A simple code for creating your own custom layer in TensorFlow using Keras API. Here I have created the Dense layer same as the regular dense layer available in the Keras API.Scrap-Images-from-Websites-using-BeautifulSoup
A simple program that extract or scrap the image from a website. It used requests and BeautifulSoup library for this task. This program help you to extract image and its respective alt attribute value from a website.Keywords-Extraction-from-PDF
Loading-Markers-from-MySQL-Database-and-Display-Them-on-Google-Maps
image-preview-before-upload-using-javaScript
neural-network-in-tensorflow
MobileViT-Implementation
MobileViT Implementation from scratch in TensorFlow and PyTorchIntersection-over-Union
A simple implementation of the Intersection over Union (IoU) in NumPy, TensorFlow and PyTorch.Multiple-Client-Server-File-Transfer-using-TCP-Socket-in-C
nikhilroxtomar
Introduction-to-Numpy
A list of jupyter notebook explaining the various functions and properties of Numpy.Fully-Connected-Neural-Network-in-NumPy
This is an efficient implementation of a fully connected neural network in NumPy.Polyp-Segmentation-using-UNet-3-Plus-in-TensorFlow
Brain-Tumor-Segmentation-using-UNETR-in-TensorFlow
This repository demonstrates the utilization of UNETR for brain tumor segmentation.UNET-3-plus-Implementation-in-TensorFlow-and-PyTorch
Implementation of UNET3+ in TensorFlowLove Open Source and this site? Check out how you can help us