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/awesome-satellite-imagery-datasets
List of satellite imagery datasets with annotations for computer vision and deep learning
BalrajAshwath/robosat
Semantic segmentation on aerial and satellite imagery. Extracts features such as: buildings, parking lots, roads, water, clouds
BalrajAshwath/30-seconds-of-python-code
Python implementation of 30-seconds-of-code
BalrajAshwath/awesome-tensorflow
TensorFlow - A curated list of dedicated resources http://tensorflow.org
BalrajAshwath/caffe
Caffe: a fast open framework for deep learning.
BalrajAshwath/checkmate
A lightweight class for saving the best Tensorflow checkpoints.
BalrajAshwath/cs231n.github.io
Public facing notes page
BalrajAshwath/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
BalrajAshwath/document_cluster
A guide to document clustering in Python
BalrajAshwath/face_classification
Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
BalrajAshwath/facenet
Face recognition using Tensorflow
BalrajAshwath/genquest
Automatic question generation by using NLP
BalrajAshwath/keras_to_tensorflow
General code to convert a trained keras model into an inference tensorflow model
BalrajAshwath/lectures-labs
Slides and Jupyter notebooks for the Deep Learning lectures at M2 Data Science Université Paris Saclay
BalrajAshwath/maskrcnn-benchmark
Fast, modular reference implementation of Semantic Segmentation and Object Detection algorithms in PyTorch.
BalrajAshwath/nlp-datasets
Alphabetical list of free/public domain datasets with text data for use in Natural Language Processing (NLP)
BalrajAshwath/pix2pixHD
Synthesizing and manipulating 2048x1024 images with conditional GANs
BalrajAshwath/Python
All Algorithms implemented in Python
BalrajAshwath/python-machine-learning-book-2nd-edition
The "Python Machine Learning (2nd edition)" book code repository and info resource
BalrajAshwath/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
BalrajAshwath/raster-vision
An open source framework for deep learning on satellite and aerial imagery.
BalrajAshwath/raster-vision-examples
Examples of using Raster Vision on open datasets
BalrajAshwath/scikit-learn
scikit-learn: machine learning in Python
BalrajAshwath/seq2seq
A general-purpose encoder-decoder framework for Tensorflow
BalrajAshwath/spacy-notebooks
💫 Jupyter notebooks for spaCy examples and tutorials
BalrajAshwath/system-design-primer
Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.
BalrajAshwath/tcpflow
TCP/IP packet demultiplexer. Download from:
BalrajAshwath/tensorflow-deeplab-resnet
DeepLab-ResNet rebuilt in TensorFlow
BalrajAshwath/tensorflow-plot
📈 TensorFlow + Matplotlib as TF ops
BalrajAshwath/Vehicle-Detection-and-Tracking
Vehicle detection using Tensorflow Object Detection API and tracking using Kalman-filtering