Optimization How to Use Maximum Likelihood Estimation for Parametric Classification Methods In some previous tutorials that discussed how Bayes' rule works, a decision was made based on some probabilities (e.g. the likelihood and prior). Either these probabilities were given explicitly
Object Detection Object Detection Using Mask R-CNN with TensorFlow 1.14 and Keras Mask R-CNN is an object detection model based on deep convolutional neural networks (CNN) developed by a group of Facebook AI researchers in 2017. The model can return both the
Computer Vision Paper Review: Funnel Activation for Visual Recognition (ECCV 2020) Component-based research in computer vision has accelerated significantly over the recent years, especially with the advent of adversarial attacks and attention mechanisms. One of the primary components which has been
Computer Vision Efficient Channel Attention for Deep Convolutional Neural Networks (ECA-Net) In this article we'll dive into an in-depth discussion of a recently proposed attention mechanism, namely ECA-Net, published at CVPR 2020.
Reinforcement Learning Play Super Mario Bros with a Double Deep Q-Network As cool as neural networks are, the first time that I felt like I was building true AI was not when working on image classification or regression problems, but when
NumPy Nuts and Bolts of NumPy Optimization Part 3: Understanding NumPy Internals, Strides, Reshape and Transpose We cover basic mistakes that can lead to unnecessary copying of data and memory allocation in NumPy. We further cover NumPy internals, strides, reshaping, and transpose in detail.
Coronavirus Fighting Coronavirus With AI, Part 1: Improving Testing with Deep Learning and Computer Vision This post will cover how testing is done for the coronavirus, why it's important in battling the pandemic, and how deep learning tools for medical imaging can help us improve the quality of COVID-19 testing.
Series: GauGAN Understanding GauGAN Part 2: Training on Custom Datasets In this article we cover how to train GauGAN on your own custom dataset. This is part of a series on Nvidia GauGANs.
Series: GauGAN Understanding GauGAN Part 1: Unraveling Nvidia's Landscape Painting GANs In this article we explain what GauGANs are, and how their architecture and objective functions work. This is part of a series on Nvidia GauGANs.
PyTorch PyTorch 101, Part 5: Understanding Hooks In this post, we cover debugging and Visualisation in PyTorch. We go over PyTorch hooks and how to use them to debug our backpass, visualise activations and modify gradients.
Tutorial PyTorch 101, Part 4: Memory Management and Using Multiple GPUs This article covers PyTorch's advanced GPU management features, including how to multiple GPU's for your network, whether be it data or model parallelism. We conclude with best practises for debugging memory error.
Tutorial PyTorch 101, Part 3: Going Deep with PyTorch In this tutorial, we dig deep into PyTorch's functionality and cover advanced tasks such as using different learning rates, learning rate policies and different weight initialisations etc
PyTorch PyTorch 101, Part 2: Building Your First Neural Network In this part, we will implement a neural network to classify CIFAR-10 images. We cover implementing the neural network, data loading pipeline and a decaying learning rate schedule.
Deep Learning PyTorch 101, Part 1: Understanding Graphs, Automatic Differentiation and Autograd In this article, we dive into how PyTorch's Autograd engine performs automatic differentiation.
Tutorial Detecting and Localizing Pneumonia from Chest X-Ray Scans with PyTorch In this post, we’ll build a machine learning pipeline to classify whether a patient has Pneumonia or not from chest x-ray images and then draw a heat-map on areas that the model used to make these decisions
Deep Learning Going beyond torchvision models Learn how to get access to models that have not yet been added to the Torchvision framework.
Tutorial Physics control tasks with Deep Reinforcement Learning Learn how to implement the paper Continuous Control with Deep Reinforcement Learning, in PyTorch using OpenAI gym.
Series: Data Augmentation Data Augmentation for Bounding Boxes: Rethinking Image Transforms for Object Detection How to adapt major image augmentation techniques for object detection purposes. We also cover the implementation of horizontal flip augmentation.
Series: Data Augmentation Data Augmentation for Bounding Boxes: Scaling and Translation We implement Scale and Translate augmentation techniques, and what to do if a portion of your bounding box is outside the image after the augmentation.
Computer Vision Data Augmentation for Bounding Boxes: Rotation and Shearing This is part 3 of the series where we are looking at ways to adapt image augmentation techniques to object detection tasks. In this part, we will cover how to implement how to rotate and shear images as well as bounding boxes using OpenCV's affine transformation features.
Series: Data Augmentation Data Augmentation For Bounding Boxes: Building Input Pipelines for Your Detector Previously, we have covered a variety of image augmentation techniques such as Flipping, rotation, shearing, scaling and translating. This part is about how to bring it all together and bake it into the input pipeline for your deep network.
Series: Optimization Intro to Optimization in Deep Learning: Busting the Myth About Batch Normalization Batch Normalisation does NOT reduce internal covariate shift. This posts looks into why internal covariate shift is a problem and how batch normalisation is used to address it.
Series: Optimization Intro to Optimization in Deep Learning: Vanishing Gradients and Choosing the Right Activation Function An look into how various activation functions like ReLU, PReLU, RReLU and ELU are used to address the vanishing gradient problem, and how to chose one amongst them for your network.
Series: YOLO object detector in PyTorch How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 1 Tutorial on building YOLO v3 detector from scratch detailing how to create the network architecture from a configuration file, load the weights and designing input/output pipelines.
Series: YOLO object detector in PyTorch How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 2 Part 2 of the tutorial series on how to implement your own YOLO v3 object detector from scratch in PyTorch.