Pinned Repositories
Adversarial-Domain_Adaptation_Paper_Implementations
Collection of unsupervised adversarial domain adaptation models and their pre-trained checkpoints.
AnatomyOfMatplotlib
Anatomy of Matplotlib -- tutorial developed for the SciPy conference
audioset_tagging_cnn
awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
awesome-satellite-imagery-datasets
List of satellite imagery datasets with annotations for computer vision and deep learning
bokeh
Interactive Data Visualization in the browser, from Python
code_snippets
Data-Science--Cheat-Sheet
Cheat Sheets
magenta
Magenta: Music and Art Generation with Machine Intelligence
transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
BalrajAshwath's Repositories
BalrajAshwath/Attention-Gated-Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
BalrajAshwath/CAM
Class Activation Mapping
BalrajAshwath/ConvCRF
This repository contains the reference implementation for our proposed Convolutional CRFs.
BalrajAshwath/CRF-semantic-segmentation
使用CRF进行语义分割
BalrajAshwath/deep-painterly-harmonization
Code and data for paper "Deep Painterly Harmonization": https://arxiv.org/abs/1804.03189
BalrajAshwath/DeepColoring
Instance Segmentation by Deep Coloring
BalrajAshwath/DeepNetsForEO
Deep networks for Earth Observation
BalrajAshwath/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
BalrajAshwath/EarthMapper
Pipeline for the Semantic Segmentation (i.e., classification) of Remote Sensing Imagery
BalrajAshwath/fast-rcnn
Fast R-CNN
BalrajAshwath/faster_rcnn
Faster R-CNN
BalrajAshwath/Faster_RCNN_for_DOTA
Code used for training Faster R-CNN on DOTA
BalrajAshwath/FastMaskRCNN
Mask RCNN in TensorFlow
BalrajAshwath/FC-DenseNet
Fully Convolutional DenseNets for semantic segmentation.
BalrajAshwath/FCN.tensorflow
Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)
BalrajAshwath/KittiSeg
A Kitti Road Segmentation model implemented in tensorflow.
BalrajAshwath/Mask-RCNN-series
This series we'll use Mask RCNN
BalrajAshwath/ML-AI-experiments
All my experiments with AI and ML
BalrajAshwath/pydensecrf
Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
BalrajAshwath/pytorch-semantic-segmentation
PyTorch for Semantic Segmentation
BalrajAshwath/pytorch-vsumm-reinforce
AAAI 2018 - Unsupervised video summarization with deep reinforcement learning (PyTorch)
BalrajAshwath/Scene-Text-Understanding
OCR, Scene-Text-Understanding, Text Recognition
BalrajAshwath/sceneparsing
Development kit for MIT Scene Parsing Benchmark
BalrajAshwath/SegNet-Tutorial
Files for a tutorial to train SegNet for road scenes using the CamVid dataset
BalrajAshwath/self-driving-car-1
Udacity Self-Driving Car Engineer Nanodegree projects.
BalrajAshwath/SemanticSegmentation_DL
Resources of semantic segmantation based on Deep Learning model
BalrajAshwath/stanford-tensorflow-tutorials
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
BalrajAshwath/TensorFlow-ENet
TensorFlow implementation of ENet
BalrajAshwath/TensorKart
self-driving MarioKart with TensorFlow
BalrajAshwath/unet
unet for image segmentation