CoderzColumn : Artificial Intelligence Tutorials (Page: 1)

Artificial Intelligence Tutorials


Artificial intelligence (AI) is the emulation of human intelligence in devices that have been designed to behave and think like humans. The phrase can also be used to refer to any computer that demonstrates characteristics of the human intellect, like learning and problem-solving. Through CoderzColumn Ai tutorials, you will learn to code for these concepts:

  • Python Deep Learning Libraries
  • Image Classification
  • Object Detection
  • Text Classification
  • Text Generation
  • Convolutional Neural Networks (CNNs)
  • Recurrent Neural Networks (RNNs)
  • Interpret Predictions Of Deep Neural Network Models
  • Learning Rate Schedulers
  • Hyperparameters Tuning
  • Transfer Learning
  • Word Embeddings (GloVe Embeddings, FastText, etc)
  • RNNs (LSTMs) for Time Series
  • Text Classification using RNNs, LSTM & CNNs

For an in-depth understanding of the above concepts, check out the sections below.

Recent Artificial Intelligence Tutorials


Tags GluonCV, Image-Segmentation, Pre-trained-Models
GluonCV: Image Segmentation using Pre-Trained MXNet Models
Artificial Intelligence

GluonCV: Image Segmentation using Pre-Trained MXNet Models

A brief guide on how to pre-trained MXNet models available from GluonCV library to perform image segmentation task. Tutorial loads various pre-trained MXNet models and makes predictions on images downloaded from internet to detect segments/objects present in them.

Sunny Solanki  Sunny Solanki
Tags Image-Segmentation, PyTorch, Pre-trained-models
PyTorch: Image Segmentation using Pre-Trained Models (torchvision)
Artificial Intelligence

PyTorch: Image Segmentation using Pre-Trained Models (torchvision)

A detailed guide on how to use pre-trained PyTorch models available from Torchvision module for image segmentation tasks. Tutorial explains how to use pre-trained models for instance segmentation as well as semantic segmentation.

Sunny Solanki  Sunny Solanki
Tags gluoncv, image-classification, pre-trained-networ…
MXNet (GluonCV): Image Classification using Pre-Trained Models
Artificial Intelligence

MXNet (GluonCV): Image Classification using Pre-Trained Models

A brief guide on how to use pre-trained MXNet networks (GluonCV) for image classification tasks. GluonCV is an image processing toolkit of MXNet and provides many famous pre-trained networks like ResNet, VGG, InceptionNet, MobileNet, DenseNet, AlexNet, etc.

Sunny Solanki  Sunny Solanki
Tags keras, neural-networks, simple-guide
Keras: Guide to Create Simple Neural Networks in Python
Artificial Intelligence

Keras: Guide to Create Simple Neural Networks in Python

A simple guide on how to use Python library keras to create neural networks. Tutorial is a good starting point for someone who is new to keras. It provides a guide on creating simple neural networks trained on toy datasets that solve classification and regression tasks.

Sunny Solanki  Sunny Solanki
Tags pytorch, image-classification, pre-trained-models
PyTorch: Image Classification using Pre-Trained Models
Artificial Intelligence

PyTorch: Image Classification using Pre-Trained Models

A simple guide on how to use pre-trained image classification models available from "torchvision" library of PyTorch. Torchvision is a computer vision toolkit of PyTorch which provides many pre-trained image classification networks like ResNet, VGG, AlexNet, MobileNet, InceptionNet, LeNet, etc.

Sunny Solanki  Sunny Solanki
Tags haiku, glove-word-embeddings, text-classification
Haiku (JAX): Glove Embeddings for Text Classification Tasks
Artificial Intelligence

Haiku (JAX): Glove Embeddings for Text Classification Tasks

Tutorial guides on how to use GloVe word embeddings with Haiku (JAX) networks to solve text classification tasks. It explains various ways of handling embeddings to get better results.

Sunny Solanki  Sunny Solanki
Tags object-detection, mxnet, pre-trained-models
MXNet (GluonCV): Object Detection using Pre-Trained Models
Artificial Intelligence

MXNet (GluonCV): Object Detection using Pre-Trained Models

The tutorial explains how to use pre-trained MXNet models for solving object detection tasks. MXNet has a helper library GluonCV which maintains pre-trained models for computer vision tasks. We have covered how to load a model and use it on random images downloaded from the internet to detect objects in them.

Sunny Solanki  Sunny Solanki
Tags pytorch, object-detection, pre-trained-models
PyTorch: Object Detection using Pre-Trained Models / Networks
Artificial Intelligence

PyTorch: Object Detection using Pre-Trained Models / Networks

The tutorial guides on how to use pre-trained PyTorch models/networks for the object detection tasks. PyTorch provides pre-trained models through torchvision module. We have explained how you can load a model and run it on random images from the internet to detect objects in them.

Sunny Solanki  Sunny Solanki
Tags haiku, jax, text-classification, word-embeddings
Haiku (JAX): Word Embeddings for Text Classification Tasks
Artificial Intelligence

Haiku (JAX): Word Embeddings for Text Classification Tasks

The tutorial guides to creating neural networks using Python library Haiku that uses word embeddings approach for solving text classification tasks. Haiku is a high-level deep learning library built on top of JAX.

Sunny Solanki  Sunny Solanki
Tags mxnet, time-series, lstm, regression
MXNet: LSTM Networks for Time-Series Data (Regression Tasks)
Artificial Intelligence

MXNet: LSTM Networks for Time-Series Data (Regression Tasks)

The explains how to create RNNs (consisting of LSTM layers) to solve time series regression tasks using MXNet.The dataset used in the tutorial is a multivariate time-series dataset.

Sunny Solanki  Sunny Solanki
Python Deep Learning Libraries

Python Deep Learning Libraries


Deep learning is a field in Machine Learning that uses deep neural networks to solve tasks. The neural networks with generally more than one hidden layer are referred to as deep neural networks.

Many real-world tasks like object detection, image classification, image segmentation, etc can not be solved with simple machine learning models (decision trees, random forest, logistic regression, etc). Research has shown that neural networks with many layers are quite good at solving these kinds of tasks involving unstructured data (Image, text, audio, video, etc). Deep neural networks nowadays can have different kinds of layers like convolution, recurrent, etc apart from dense layers.

Python has many famous deep learning libraries (PyTorch, Keras, JAX, Flax, MXNet, Tensorflow, Sonnet, Haiku, PyTorch Lightning, Scikeras, Skorch, etc) that let us create deep neural networks to solve complicated tasks.

Image Classification

Image Classification


Image classification is a sub-field under computer vision and image processing that identifies an object present in an image and assigns a label to an image based on it. Image classification generally works on an image with a single object present in it.

Over the years, many deep neural networks (VGG, ResNet, AlexNet, MobileNet, etc) were developed that solved image classification task with quite a high accuracy. Due to the high accuracy of these algorithms, many Python deep learning libraries started providing these neural networks. We can simply load these networks with weights and make predictions using them.

Python libraries PyTorch and MXNet have helper modules named 'torchvision' and 'gluoncv’ respectively that provide an implementation of image classification networks.

Object Detection

Object Detection


Object detection is a sub-field of computer vision and image processing that detect presence of one or more objects in an image and draws a bounding box around them with labels above. It detects semantic objects present in an image.

Object detection has many applications like image captioning, image annotation, vehicle counting, activity recognition, face detection, etc.

Over the years, many deep neural networks (R-CNN, Faster R-CNN, SSD, Retina Net, YOLO, etc) have been developed to solve object detection tasks. They are quite good at the tasks.

Python deep learning libraries PyTorch and MXNet provide an implementation of these algorithms through helper modules 'torchvision’ and 'gluoncv’. We can simply load these neural networks with weights and make predictions by giving input images.

Image Segmentation

Image Segmentation


Image segmentation as the name suggests is the process of segmenting an image into sections where sections are generally objects like humans, animals, cars, traffic lights, etc. During segmentation process, we assign typically labels to each pixel such that all pixels of one object have same labels.

Image segmentation has various applications like face detection, video surveillance, medical imaging, pedestrian detection, detecting objects in satellite images, etc.

Image segmentation can be solved using various non-ML-based methods (thresholding-based methods, clustering based methods, histogram-based methods, etc) as well as ML algorithms (U-Net, Fast-FCN, Mask R-CNN, DeepLab, LRASPP, etc) developed over years.

Python library scikit-image provides an implementation of various non-ML methods of solving image segmentation. For ML-based implementation, Python deep learning libraries PyTorch and MXNet have helper modules named torchvision and gluoncv that provide pre-trained, deep learning models, for image segmentation.

Text Classification

Text Classification


Text classification also referred to as document classification is a problem in computer science where each text document is assigned a unique category or label based on its content.

In order to classify text documents using deep neural networks, the text content of documents needs to be converted to real values. There are many approaches to converting text data to real-valued data like bag of words (word frequency, one-hot encoding, etc), Tf-IDF, Word embeddings, character embeddings, etc.

Once data is converted to real-valued data, deep neural networks of different types (Multi-Layer Perceptron, CNN, LSTM, etc) can be used to classify text documents. Neural networks can be designed with any Python deep learning library. Many libraries provide helper functionalities to handle text data.

Text Generation

Text Generation


Text generation also referred to as natural language generation is a sub-field of natural language processing (NLP) involving generation of new text. Text generation has various applications like generating reports, image captions, chatbots, etc.

Deep neural networks especially Recurrent neural networks and their variants (LSTM, GRU, etc) are proven to give good results for text generation tasks due to their ability to remember sequences.

Python deep learning libraries PyTorch, keras, MXNet, Flax, etc can be used to design RNNs to solve text generation task.

Interpret Predictions Of Deep Neural Networks

Interpret Predictions Of Deep Neural Networks


After training deep neural networks, we generally evaluate the performance of model by calculating and visualizing various ML Metrics (confusion matrix, ROC AUC curve, precision-recall curve, silhouette Analysis, elbow method, etc).

These metrics are normally a good starting point. But in many situations, they don’t give a 100% picture of model performance. E.g., A simple cat vs dog image classifier can be using background pixels to classify images instead of actual object (cat or dog) pixels.

In these situations, our ML metrics will give good results. But we should always be a little skeptical of model performance.

We can dive further deep and try to understand how our model is performing on an individual example by interpreting results. Various algorithms have been developed over time to interpret predictions of deep neural networks and many Python libraries (lime, eli5, treeinterpreter, shap, captum, etc) provide their implementation.

Learning Rate Schedulers

Learning Rate Schedulers


Learning rate is one of the most important hyperparameters during training of deep neural networks. A good learning rate can help neural networks converge quite faster.

Various experiments have shown that varying learning rate during training gives quite better results compared to keeping it constant throughout training process. It is recommended to gradually reduce learning rate over time during training. The process of changing learning rate during training is referred to as learning rate scheduling or learning rate annealing. The learning rate can be changed after each epoch or each batch.

Python deep learning libraries provide various ways to perform learning rate scheduling. Some common LR scheduling techniques like step LR, exponential LR, lambda LR, cyclic LR, cosine LR, etc are available in majority of libraries.