Computer Vision
Introduction
Welcome to the labs.earth collaborative laboratory tutorials on machine learning.
The computer vision (CV) tutorials will start with the basics and progress to advanced real world applications. The tutorials go beyond explaining the code and steps, to include the answers to the anticipated what and why questions.
Before the advent of machine learning with computer vision and today's modern ML/CV frameworks, working with and building real world applications was once the exclusive domain of imaging scientists. The Gap framework extends modern computer vision to software developers, whom are familar with object oriented programming (OOP), object relational models (ORM), design patterns (e.g., MVC), asynchronous programming (AJAX), and microservice architectures.
For the data analyst and statisticians whom feel they don't have the necessary software development background, we encourage you to visit the collaborative lab's training site for fundamentials in modern software programming. Likewise, for those software developers whom feel they don't have the necessary background in statistics and machine learning, we encourage you to visit the collaborative lab's training site for fundamentials in modern statistics and machine learning.
As far as our team and contributers, they keep a single phrase in mind when designing, coding and building tutorials. They like to say that Gap is:
                                        Machine Learning for Humans
The First Steps in using Gap for Computer Vision (CV)
The first step in using Gap for machine learning (ML) of computer vision (CV) is learning to classify a single object in an image. Is it a dog, a cat, what digit is it, what sign language digit is it, etc...
To do single object classification, depending on the images, one will use either a artificial neural network (ANN) or a convolutional neural network (CNN).
In either case, the raw pixel data is not directly inputted into a neural network. Instead, it has to be prepared into machine learning (ML) ready data. How it is prepared/transformed is dependent on the image source, the type and configuration of the neural network, and the target application.
Images can come from a variety of sources, such as by your cell phone, images found on the Internet, a facsimile image (FAX), a video frame from a video stream, a digitized medical/dental x-ray, a magnetic resonance imaging (MRI), a electron microscopy (TEM), etc.
Images go from very basic like 1-bit BW single channel (color plane), to 8-bit gray scale single channel, to 8-bit color three channel (RGB), to 8-bit color four channel (+alpha channel), to 16-bit high tone (CMYK), to infrared, to stereoscopic images (3D), sound navigation and ranging (SONAR), to RADAR, and more.


Fundamentals in Preparing an Image for Machine Learning
Neural networks take as input numbers, specifically numbers that are continous real numbers and have been normalized. For images, pixel values are proportionally squashed between 0 and 1. For ANN networks, the inputs need to be a 1D vector, in which case the input data needs to be flatten, while in a CNN, the input is a 2D vector. Neural networks for computer vision take input of fixed sizes, so there is a transformation step to transform the pixel data to the input size and shape of the neural network, and finally assigning a label to the image (e.g., it's a cat). Again, for labels, neural networks use integer numbers; for example a cat must be assigned to a unique integer value and a dog to a different unique integer value.
These are the basic steps for all computer vision based neural networks:
- Transformation
- Normalization
- Shaping (e.g., flattening)
- Labeling
Importing Vision module
The Vision module of the Gap framework implements the classes and methods for computer vision. Within the Vision module are two primary class objects for data management of images. The Image class manages individual images, while the Images class manages collections of images. As a first step, in your Python script or program you want to import from the Vision module the Image and Images class objects.
from gapml.vision import Image, Images
Preprocessing (Preparing) an image with Gap
Relative to the location of this tutorial are a number of test images used in verifying releases of Gap. For the purpose of these tutorials, the images that are part of the Gap release verification will be used for examples. The test file 1_100.jpg is a simple 100x100 96 dpi color image (RGB/8bit) from the Kaggle Fruit360 dataset. This dataset was part of a Kaggle contents to classify different types of fruits and their variety. It was a fairly simple dataset in that all the images were of the same size, type and number of channels. Further, each image contained only the object to classify (i.e., fruit) and was centered in the image.
The first step is to instantiate an Image class object and load the image into it, and its corresponding label. In the example below, an Image object is created where the first two positional parameters are the path to the image and the corresponding label (i.e., 1). 
image = Image("../tests/files/1_100.jpg", 1)
While Python does not have OOP polymorphism builtin, the class objects in Gap have been constructed to emulate polymorphism in a variety of ways. The first positional parameter (image path) to the Image class can either be a local path or a remote path. In the latter case, a path starting with http or https is a remote path. In this case, a HTTP request to fetch the image from the remote location is made.
image = Image("https://en.wikipedia.org/wiki/File:Example.jpg", 1)
Alternately, raw pixel data can be specified as the first (image) positional parameter, as a numpy array.
raw = cv2.imread("../tests/files/1_100.jpg")
image = Image(raw, 1)
Preprocessing of the image in the above examples is synchronous. The initializer (i.e., constructor) returns an image object once the image file has been preprocessed. Alternately, preprocessing of an image can be done asynchronously, where the preprocessing is performed by a background thread. Asynchronous processing occurs if the keyword parameter ehandler is specified. The value of the parameter is set to a function or method, which is invoked with the image object as a parameter when preprocessing of the image is complete.
image = Image("../tests/files/1_100.jpg", 1, ehandler=myfunc)
def myfunc(image):
    print("done")
The Image class has a number of attributes which are accessed using OOP properties (i.e., getters and setters). The attributes below provide information on the source image:
print(image.name)   # the name of the image (e.g., 1_100)
print(image.type)   # the type of the image (e.g., jpg)
print(image.size)   # the size of the image in bytes (e.g., 3574)
print(image.label)  # the label assigned to the image (e.g., 1)
The raw pixel data of the source image is accessed with the raw property, where property returns the uncompressed pixel data of the source image as a numpy array.
raw = image.raw
print(type(raw))    # outputs <class 'numpy.ndarry'>
print(raw.shape)    # outputs the shape of the source image (e.g., (100, 100, 3))
The preprocessed machine learning ready data is accessed with the data property, where the property returns the data as a numpy array.
data = image.data
print(type(data))   # outputs <class 'numpy.ndarry'>
print(data.shape)   # outputs the shape of the machine learning data (e.g., (100, 100, 3))
By default, the shape and number of channels of the source image are maintained in the preprocessed machine learning ready data, and the pixel values are normalized to values between 0.0 and 1.0.
print(raw[0][80])   # outputs pixel values (e.g., [250, 255, 255])
print(data[0][80])  # outputs machine learning ready data values (e.g., [0.98039216, 1.0, 1.0])
When processing of the image is completed, the machine learning ready data, and attributes are stored in a HDF5 (Hierarchical Data Format) formatted file. By default, the file is stored in the current local directory, where the rootname of the file is the rootname of the image. Storage provides the means to latter retrieval the machine learning ready data for feeding into a neural network, and/or retransforming the machine learning ready data. In the above example, the file would be stored as:
./1_100.hd5
The path location of the stored HDF5 can be specified with the keyword parameter dir.
image = Image("../tests/files/1_100.jpg", 1, dir="tmp")
In the above example, the HDF5 file will be stored under the subdirectory tmp. If the subdirectory path does not exist, the Image object will attempt to create the subdirectory.
The Image class optionally takes the keyword parameter config. This parameter takes a list of one or more settings, which alter how the image is preprocessed. For example, one can choose to disable storing to the HDF5 file using the keyword parameter config with the setting nostore.
image = Image("../tests/files/1_100.jpg", 1, config=['nostore'])
Alternately, one could choose to additionally store the raw pixel data to the HDF5 file using the keyword parameter config with the setting raw.
image = Image("../tests/files/1_100.jpg", 1, config=['raw'])
Example: Cloud-based Image Processing Pipeline
For a real-world example, let's assume one is developing a cloud based system that takes images uploaded from users, with the following requirements.
- Handles multiple users uploading at the same time.
- Preprocessing of the images is concurrent.
- The machine learning ready data is passed to another step in a data (e.g., workflow) pipeline.
Below is a bare-bones implementation.
def first_step(uploaded_image, label):
    """ Preprocess an uploaded image w/label concurrently and then pass the preprocessed machine learning 
        ready data to another step in a data pipeline.
    """
    image = Image(uploaded_image, label, ehandler=next_step, config=['nostore'])
def next_step(image):
    """ Do something with the Image object as the next step in the data pipeline """
    data = image.data
Preprocessing Transformations: Resizing, Reshaping, Flattening
The keyword parameter config has a number of settings for specifying how the raw pixel data is preprocessed. The Gap framework is designed to eliminate the use of large numbers of keyword parameters, and instead uses a modern convention of passing in a configuration parameter. Here are some of the configuration settings:
nostore                     # do not store in a HDF5 file
grayscale | gray            # convert to a grayscale image with a single channel (i.e., color plane)
flatten   | flat            # flatten the machine learning ready data into a 1D vector
resize=(height, width)      # resize the raw pixel data
thumb=(height, width)       # create (and store) a thumbnail of the raw pixel data
raw                         # store the raw pixel data
float16 | float32 | float64 # data type of normalized pixel data (e.g., float32 is default)
Let's look how you can use these settings for something like neural network's equivalent of the hello world example ~ training the MNIST dataset. The MNIST dataset consists of 28x28 grayscale images. Do to its size, grayscale and simplicity, it can be trained with just a ANN (vs. CNN). Since ANN take as input a 1D vector, the machine learning ready data would need to be reshaped (i.e., flatten) into a 1D vector.
# An example of how one might use the Image object to preprocess an image from the MNIST dataset for a ANN
image = Image("mnist_example.jpg", digit, config=["gray", "flatten"])
print(image.shape)  # would output (784,)
In the above, the preprocessed machine learning ready data will be in a vector of size 784 (i.e., 28x28) with data type float.
Let's look at another publicly accessible training set, the Fruits360 Kaggle competition. In this training set, the images are 100x100 RGB images (i.e., 3 channels). If one used a CNN for this training set, one would preserve the number of channels. But the input vector may be unneccessarily large for training purposes (30000 ~ 100x100x3). Let's reduce the size using the resize setting by 1/4.
image = Image("../tests/files/1_100.jpg", config=['resize=(50,50)'])
print(image.shape)  # would output (50, 50, 3)
Example: Image Processing Dashboard
Let's expand on the real-word cloud example from earlier. In this case, let's assume that one wants to have a dashboard for a DevOps person to monitor the preprocessing of images from a user, with the requirements:
- Each time an image is preprocessed, the following is displayed on the dashboard:- A thumbnail of the source image.
- The amount of time to preprocess the image.
- Progress count of number of images preprocessed and accumulated time.
 
Here's the updated code:
def first_step(uploaded_image, label):
    """ Preprocess an uploaded image w/label concurrently and then pass the preprocessed machine learning 
        ready data to another step in a data pipeline.
    """
    image = Image(uploaded_image, label, ehandler=second_step, config=['nostore', 'thumb=(16,16)'])
nimages = 0
nsecs   = 0
def second_step(image):
    """ Display progress in dashboard """
    # Progress Accumulation
    nimages += 1
    nsecs += image.time
    # Construct message and pass thumbnail and msg to the dashboard
    msg = "Time %d, Number: %d, Accumulated: %f" % (time.time, nimages, nsecs)
    dashboard.display(img=image.thumb, text=msg)
    # The next processing step ...
    third_step(image)
Okay, there is still some problem with this example in that nimages and nsecs are global and would be trashed by concurrent processing of different users. The ehandler parameter can be passed a tuple instead of a single value. In this case, the Image object emulates polymorphism. When specified as a tuple, the first item in the tuple is the event handler and the remaining items are additional arguments to the event handler. Let's now solve the above problem by adding a new object user which is passed to the first function first_step(). The user object will have fields for accumulating the number of times an image was processed for the user and the accumulated time. The ehandler parameter is then modified to pass the user object to the event handler second_step().
def first_step(uploaded_image, label, user):
    """ Preprocess an uploaded image w/label concurrently and then pass the preprocessed machine learning 
        ready data to another step in a data pipeline.
    """
    image = Image(uploaded_image, label, ehandler=(second_step, user), config=['nostore', 'thumb=(16,16)'])
def second_step(image, user):
    """ Display progress in dashboard """
    # Progress Accumulation
    user.nimages += 1
    user.nsecs += image.time
    # Construct message and pass thumbnail and msg to the dashboard
    msg = "Time %d, Number: %d, Accumulated: %f" % (time.time, nimages, nsecs)
    dashboard.display(img=image.thumb, text=msg)
    # The next processing step ...
    third_step(image, user)
Image Retrieval
By default, the Image class will store the generated HDF5 in the current working directory (i.e., ./). The keyword parameter dir tells the Image class where to store the generated HDF5 file.
image = Image("../tests/files/1_100.jpg", dir='tmp')  # stored as tmp/1_100.h5
Once stored, the Image object subsequently can be retrieved (i.e., reused) from the HDF5 file. In the example below, an empty Image object is first instantiated, and then the method load() is invoked passing it the name (rootname) of the image and the directory where the HDF5 file is stored, if not in the current working directory.
image = Image()
image.load('1_100', dir='tmp')
# retrieve the machine learning ready data from the loaded Image object
data = image.data
Image Reference
For a complete reference on all methods and properties for the Image class, see reference.
Image Collections
The Images class provides preprocessing of a collections of images (vs. a single image). The parameters and emulated polymorphism are identical to the Image class, except the images and labels parameter refer to a plurality of images, which comprise the collection. The positional parameter images can be specified as:
- A list of local or remote images (e.g., [ '1_100.jpg', '2_100.jpg', '3_100.jpg'])
- A single directory path of images (e.g., 'apple')
- A list of directory paths of images (e.g., ['apple', 'pear', 'banana'])
- A numpy multi-dimensional array
The corresponding positional parameter labels must match the number of images as follows:
- A single value, applies to all the images (e.g., 1)
- A list of values which are the same length as the list of images or directory paths (e.g., [1, 2, 3]).
The example below creates an Images objects consisting of three images with corresponding labels 1, 2 and 3.
images = Images(['1_100.jpg', '2_100.jpg', '3_100.jpg'], [1, 2, 3])
For each image specified, the Images class creates an Image object, which are maintained in the images objects as a list. The list of corresonding Image objects can be accessed from the property images. In the example below, a collection of three images is created, and then the images property is accessed as a list iterator in a for loop. On each loop, the next Image object is accessed and inside the loop the code prints the name and label of the corresponding Image object.
images = Images(['1_100.jpg', '2_100.jpg', '3_100.jpg'], [1, 2, 3])
for image in images.images:
    print(image.name, image.label)
will output:
1_100 1
2_100 2
3_100 3
The builtin operators len() and [] are overridden in the Images class. The len() operator will return the number of images, and the list (array) index operator [] will return the Image object at the corresponding index. Using the builtin operators, the above example can be alternately coded as:
        for i in range(len(images)):
            print(images[i].name, images[i].label)
Collection Storage & Retrieval
The Images class, disables the Image objects from storing the machine learning ready data as individual HDF5 files per image, and insteads stores a single HDF5 for the entire collection. By default, the file name combines the prefix collection. with the root name of the first image in the collection, and is stored in the current working directory. In the above example, the machine learning ready data for the entire collection would be stored as:
./collection.1_100.h5
The directory where the HDF5 file is stored can be changed with the keyword paramater dir, and the root name of the file can be set with the keyword parameter name.
images = Images(['1_100.jpg', '2_100.jpg', '3_100.jpg'], [1, 2, 3], dir='tmp', name='apples')
In the above example, the machine learning ready data is stored as:
./tmp/apples.h5
A stored collection can the be subsequently retrieved from storage by instantiating an empty Images object and invoking the load() method with the corresponding collection name. For the above example, the apples collection would be retrieved and Images and corresponding Image objects reconstructed in memory:
# Instantiate an empty Images object
images = Images()
# Set the directory where the collection is
images.dir = 'tmp'
# Load the collection into memory
images.load('apples')
Alternately, the load() method can be passed the keyword parameter dir to specify the directory where the collection is stored. For the above, this can be specified as:
images.load('apples', dir='tmp')
Example: Data Preparation for a Fruits Dataset: As Individual Collections
In this example, a dataset of images of fruit are preprocessed into machine learning ready data, as follows:
- The images for each type of fruit are in separate directories (i.e., apple, pear, banana).
- The labels for the fruit will are sequentially numbered (i.e., 1, 2, 3).
- The images will be preserved as color images, but resized to (50,50).
- The shape of the preprocessed machine learning data will be (50, 50, 3) for input to a CNN.
In the example below, a separate collection is created for each type of fruit:
apples   = Images( 'apple',  1, name='apples',  config=['resize=(50,50)'] )
pears    = Images( 'pear' ,  2, name='pears',   config=['resize=(50,50)'] )
bananas  = Images( 'banana', 3, name='bananas', config=['resize=(50,50)'] )
In the above example, the machine learning ready data is stored as:
./apples.h5
./pears.h5
./bananas.h5
In the above example, the preprocessing of each type of fruit was sequentially. Since conventional CPUs today are multi-core, we can take advantage of concurrency and speed up the processing in many computers by using the keyword parameter ehandler to process each collection asynchronously in parallel.
accumulated = 0
label = 1
for fruit in ['apple', 'pear', 'banana']:
    Images( fruit, label, name=fruit + 's', config=['resize=(50,50)'], ehandler=collectionHandler )
    label += 1
def collectionHandler(images):
    accumulated += images.time
    print("Number of Images:", len(images), "Time:", images.time)
Let's describe some of the aspects of the above example. For the directories, we created a list of the directory names and then iterated through it. For each iteration, we:
- Instantiate an Imagesobject for the current fruit.
- Set the collection name to the plural of the fruit name (i.e., fruit + 's').
- Use an incrementer, starting at 1, for the label.
- Use the ehandlerparameter to process the collection asynchronously.
When each collection is completed, the function collectionHandler is called. This function will print the number of images processed in the collection, the time (in seconds) to process the collection, and the accumulated processing time for all the collections.
Example: Data Preparation for a Fruits Dataset: As a Combined Collection
Alternatively, we can process a group of collections as a single combined collection. The example below does the same as the aforementioned example, but produces a single (combined) dataset (vs. three individual datasets).
fruits = Images( ['apples', 'pears', 'bananas'], [1, 2, 3], name='fruits', config=['resize=(50,50)'] )
In the above example, the machine learning ready data is stored as:
./fruits.h5
Can we improve on the above? We got the benefit of a combined collection, but lost the benefit of concurrently preprocessing each collection. That's not overlooked. The += operator for the Images collection is overridden to combine collections. Let's update the earlier example to preprocess each collection asynchronously and combine them into a single collection.
dataset = None
accumulated = 0
lock = Lock()
label = 1
for fruit in ['apple', 'pear', 'banana']:
    Images( fruit, label, name=fruit + 's', config=['resize=(50,50)'], ehandler=collectionHandler )
    label += 1
def collectionHandler(images):
    accumulated += images.time
    print("Number of Images:", len(images), "Time:", images.time)
    # these steps need to be atomic
    lock.acquire()
    if dataset is None:
        dataset = images
    else:
        dataset += images
    lock.release()
In the above example, we used the variable dataset for the combined collection. After the first collection is preprocessed, we set the variable dataset to the first Images object, and afterwards we combine it with subsequent collections using the += operator.
Because the processing and invoking the event handler happen concurrently, there are possible problems including a race condition (i.e., two threads access dataset at the same time), and trashing the internal data (i.e., two threads are combining data at the same time). We solve this by making this operation atomic using Python's thread lock mechanism.
Example: Image Data is Already Numpy Preprocessed
Gap can handle datasets that have been prior preprocessed into numpy arrays, where the image data has been normalized and the label data has been one-hot encoded. For example, the Tensorflow MNIST example dataset, all the images have been flatten and normalized into a numpy array, and all the labels have been one-hot encoded into a 2D numpy matrix. Below is an example demonstrating importing the datasets into an Images collection.
# Import the MNIST input_data function from the tutorials.mnist package
from tensorflow.examples.tutorials.mnist import input_data
# Read in the data
# The paramter one_hot=True refers to the label which is categorical (1-10). 
# The paramter causes the label to be re-encoded as a 10 column vector.
mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
# Create the images collection for the Training Set
train = Images(mnist.train.images, mnist.train.labels)
# Create the images collection for the Test Set
test = Images(mnist.test.images, mnist.test.labels)
Size of Preprocessed Machine Learning Ready Data
When preprocessing image data into machine learning ready data, there can be a significant expansion in size. For example, the average size of an (compressed) JPEG flowers sample set (not shown) image is 30K bytes. The compression ratio on these image is as much as 90%. When read in by openCV and decompressed into a raw pixel image, the size typically is 250K bytes. In the raw pixel data, the byte size per pixel is 1 (i.e., 8bits per pixel). When the data is normalized (e.g., divided by 255.0), each pixel becomes represented by a floating point value. By default, the data type is np.float32, which is a 4 byte per pixel representation. Thus, a 250K byte raw pixel image will expand to 1Mb in memory.
The config parameter setting float= overrides the size of the floating point representation after normalization. We generally recommend maintaining the 32-bit representation (np.float32). A smaller representation, such as a half floating point (np.float16) may expose the model to a vanishing gradient during training, while half the memory size. Some hardware, such as newer NVIDIA GPUs doing 16bit matrix multiplicaiton, have specialized hardware using stochastic rounding to eliminate the vanishing gradient problem. If you have this type of hardware, you can utilize the float16 representation to decrease the memory footprint by 50% and reduce instruction execution by appropriametly 75%. The following are the float settings for the config parameter:
float16
float32
float64
The following is an example usage:
# Use 16-bit floating point representation per pixel
images = Images(['flowers_photo/roses'], 1, config=['float16'])
Splitting the Collection into Training and Test Data
The first step to training a neural network is to split the collection into training and test data. We will cover some basic cases here.
One uses the property split as a setter to split the collection into training and test data. This property will randomized the order of the Image objects in the collection, create a partition between the train and test data and create a corresponding internal index. The split property is implemented using emulated polymorphism, whereby the property can be given a single value or a tuple. The first value (parameter) is the percentage of the collection that will be set aside as testing data, and must be between 0 and 1. Below is an example:
# 20% of the collection is test, and 80% is training
images.split = 0.2
In another case, one might have separate collections for train and test. In this case, for both collections set the split to 0, which means use the entire collection, but otherwises randomizes the order of the Image objects.
train = Images( ['train/apple', 'train/pear', 'train/banana'], [1, 2, 3], config=['resize=(50,50)'])
test  = Images( ['test/apple',  'test/pear',  'test/banana'],  [1, 2, 3], config=['resize=(50,50)'])
train.split = 0
test.split  = 0
The random number generation by default will start at a different seed each time. If you need (desire) consistency between training on the results for comparison or demo'ing, then one specifies a seed value for the random number generation. The seed value is an integer value and is specified as a second parameter (i.e., tuple) to the split property. In the example below, the split is set to 20% test, and the random seed set to 42.
images.split = 0.2, 42
One can see the index of the randomized distribution by displaying the internal member _train. This member is a list of integers which correspond to the index in the images list. While Python does not support the OOP concept of data encapsulation using private members, the Gap framework follows the convention that any member beginning with an underscore should be treated by developers as private. While not enforced by Python, members like _train should only be read and not written. The example below accesses (read) the randomized index for the training data and then prints it.
indexes = images._train
print(indexes)
Forward Feeding a Neural Network
The Images class provides methods for batch, stochastic and mini-batch feeding for training and evaluating a neural network. The feeders produce full batch samples, single samples and mini-batch samples as numpy matrixes, which are compatible for input with all Python machine learning frameworks that support numpy arrays, such as Tensorflow, Keras and Pytorch, for example. Forward feeding is randomized, and the entire collection(s) can be continuously re-feed (i.e., epoch), where each time they are re-randomized.
The split, minibatch, and overriden next() operator support forward feeding. 
Batch Feeding
In batch mode, the entire training set can be ran through the neural network as a single pass, prior to backward propagation and updating the weights using gradient descent. This is known as 'batch gradient descent'.
When the split property is used as a getter, it returns the image data and corresponding labels for the training and test set similar to using sci-learn's train_test_split() function, as numpy arrays, and the labels are one hot encoded. In the example below:
- The dataset is split into 20% test and 80% training.
- The X_trainandX_testis the list of machine learning ready data, as numpy arrays, of the corresponding training and test images.
- The Y_trainandY_testis the list of the corresponding labels.
- The variable epochs is the number of times the X_traindataset will be forward feed through the neural network.
- The optimizer performs backward probagation to update the weights.
- At the end of each epoch, The training data is re-randomized by calling the splitmethod again as a getter.
- When training is done, the X_testand correspondingY_testare forward feed to evaluate the accuracy of the trained model.
# Get the first randomized split of the dataset
images.split = 0.2, 42
X_train, X_test, Y_train, Y_test = images.split
nepochs = 200   # the number of times to feed the entire training set while training the neural network
for _ in range(nepochs):
    # Feed the entire training set per epoch (i.e., X_train, Y_train) and calculate the cost function
    pass
    # Run the optimizer (backward probagation) to update the weights
    pass
    # Re-randomize the training set
    X_train, _, Y_train, _ = images.split
# Forward feed the entire training data and calculate training accuracy (i.e., X_train, Y_train)
pass
# Forward feed the entire test data and calculate test accuracy (i.e., X_test, Y_test)
pass
Stochastic Feeding
Another way of feeding a neural network is to feed one image at a time and do backward probagation, using gradient descent. This is known as 'stochastic gradient descent'.
The next() operator supports iterating through the training list one image object at a time. Once all of the entire training set has been iterated through, the next() operator returns None, and the training set is randomly re-shuffled for the next epoch.
# Split the data into test and training datasets
images.split = 0.2, 42
# Forward Feed the training set 200 times (epochs)
epochs = 200
for _ in range(epochs):
  # Now terate through the ML ready data and label for each image in the training set
  while True:
      data, label = next(images)
      if data is None: break
      # Forward feed the image data and label through the neural network and calculate the cost function
      pass
      # Run the optimizer (backward probagation) to update the weights
      pass
# Forward feed the entire training data and calculate training accuracy (i.e., X_train, Y_train)
pass
# Forward feed the entire test data and calculate test accuracy (i.e., X_test, Y_test)
pass
Mini-Batch Feeding
Another way of feeding a neural network is through mini-batches. A mini-batch is a subset of the training set, that is greater than one. After each mini-batch is feed, then backward probagation, using gradient descent, is done.
Typically, mini-batches are set to sizes like 30, 50, 100, or 200. The minibatch property when used as a setter, will set the size of the mini-batches. In the example below, the mini-batch size is set to 100.
images.minibatch = 100
When the minibatch property is used as a getter, it will produce a generator, which will generate a batch from the training set of the size specified when used as a setter. Each time the minibatch property is called as a getter, it will sequentially move through the randomized set of training data. Upon completion of an epoch, the training set is re-randomized, and the minibatch property will reset to the begining of the training set. In the example below:
- The minibatch size is set to 100.
- The total number of batches for the training set is calculated.
- The training set is forward feed through the neural network 200 times (epochs).
- On each epoch, the training set is partitioned into mini-batches.
- After each mini-batch is feed, run the optimizer to update the weights.
# Set the minibatch size
images.minibatch = 100
# Calculate the number of batches
nbatches = len(images) // 100
# Forward Feed the training set 200 times (epochs)
epochs = 200
for _ in range(epochs):
  # Process each mini-batch
  for _ in range(nbatches):
      # Create a generator for the next minibatch
      g = images.minibatch
      # Get the data, labels for each item in the minibatch
      for data, label in g:
          # Forward Feed the image data and label
          pass
      # Run the optimizer (backward probagation) to update the weights after each mini-batch
      pass
# Forward feed the entire training data and calculate training accuracy (i.e., X_train, Y_train)
pass
# Forward feed the entire test data and calculate test accuracy (i.e., X_test, Y_test)
pass
Image (Data) Augmentation
Image Augmentation is the process of generating (synthesizing) new images from existing images, which can then be used to augment the training process. Synthesis can include, rotation, skew, sharpending and blur of existing images. These new images are then feed into the neural network during training to augment the training set. Rotating and skew aid in recognizing images from different angles, and sharpening and blur help generalize recognition (offset overfitting), as well as recognition under different lightening and time of day conditions.
When the augment property is used as a setter, it will either enable or disable image augmentation when forward feeding the neural network when used in conjunction with the split property, minibatch property or next() operator. The augment property uses emulated polymorphism for the paramters. When the parameter is True, the feed forward process (e.g., next()) will generate an additional augmented image for each image in the training set, where the augmented image is a random rotation between -90 and 90 degress of the original image. The augmentation process adjusts the height and width of the image prior to rotation, as to prevent cropping, and then resizes back to the target size.
# Split the data into test and training datasets
images.split = 0.2, 42
# Enable image augmentation
images.augmentation = True
# Forward Feed the training set 200 times (epochs)
epochs = 200
for _ in range(epochs):
  # Now terate through the ML ready data and label for each image in the training set
  while True:
      # Twice as many images as size of the training set will be generated, where every other image
      # is a random rotation between -90 and 90 degrees of the last image.
      data, label = next(images)
      if data is None: break
      # Forward feed the image data and label through the neural network and calculate the cost function
      pass
      # Run the optimizer (backward probagation) to update the weights
      pass
# Forward feed the entire training data and calculate training accuracy (i.e., X_train, Y_train)
pass
# Forward feed the entire test data and calculate test accuracy (i.e., X_test, Y_test)
pass
The parameter to the augment property may also be a tuple. The tuple specifies the rotation range and optionally the number of agumented images to generate per image; otherwise defaults to one. In the example below:
- Augmented images will be a random rotation between -45 and 120.
- For each image, three augmented images will be generated.
- The mini-batch size is set to 100, so with the augmentation each mini-batch will produce 400 images.
images.augment = -45, 120, 3
images.minibatch = 100
Transformation
The transformation methods provide the ability to transform the existing stored machine learning ready data into another shape without reprocessing the image data. This feature is particularly useful if the existing machine learning ready data is repurposed for another neural network whose input is a different shape.
The property flatten when used as a setter will flatten and unflatten the preprocessed machine learning ready data. When set to True, the preprocessed machine learning ready data will be transformed from 2D/3D matrixes to a 1D vector, such as repurposing the data from a CNN to an ANN. Below is an example:
# Process images as shape (60, 60, 3)
images =  Images(['apple', 'pear', 'banana'], [1,2,3], name='fruit', config=['resize=(60,60)'])
# Retrieve the preprocess collection of images from storage
images = Images()
images.load('fruit')
# Display the existing shape: will output (60, 60, 3)
print(images[0].datas.shape)
# Convert to 1D vector
images.flatten = True
# Display the existing shape: will output (10800,)
print(images[0].datas.shape)
When set to False, the preprocessed machine learning ready data will be transformed from a 1D vector to a 3D matrix, such as repurposing from an ANN to a CNN. Below is an example:
# Process images as shape (10800,)
images =  Images(['apple', 'pear', 'banana'], [1,2,3], name='fruit', config=['resize=(60,60)', 'flatten'])
# Retrieve the preprocess collection of images from storage
images = Images()
images.load('fruit')
# Display the existing shape: will output (10800,)
print(images[0].datas.shape)
# Convert to 3D vector
images.flatten = False
# Display the existing shape: will output (60, 60, 3)
print(images[0].datas.shape)
The property resize when used as a setter will resize the preprocessed machine learning ready data.
# Process images as shape (60, 60, 3)
images =  Images(['apple', 'pear', 'banana'], [1,2,3], name='fruit', config=['resize=(60,60)']) 
# Retrieve the preprocess collection of images from storage
images = Images()
images.load('fruit')
# Display the existing shape: will output (60, 60, 3)
print(images[0].datas.shape)
# resize to (50, 50)
images.resize = (50, 50)
# Display the existing shape: will output (50, 50, 3)
print(images[0].datas.shape)
Images Reference
For a complete reference on all methods and properties for the Images class, see reference.
ADVANCED TOPICS
This section discusses more advanced topics in uses the Gap computer vision module.
Processing Errors
The Images class tracks images that fail to be preprocessed. Examples for failure are: image does not exist, not an image, etc. The property fail will return the number of images that failed to preprocess and the property errors will return a list of tuples, where each tuple is the corresponding image argument that failed to preprocess, and the reason it failed.
# assume that nonexist.jpg does not exist
images = Images(['good_image.jpg', 'nonexist.jpg'], 1)
# The length of the collection will be only one image (i.e., output from print is 1)
print(len(images))
# Will output 1 for the one failed image (i.e., nonexist.jpg)
print(images.fail)
# Will output: [ ('nonexist.jpg', 'FileNotFoundError') ]
print(images.errors)
Image Dataset as Numpy Multi-Dimensional Array
Many of the machine learning frameworks come with prepared training sets for their tutorials, such as the MNIST, CIFAR, IRIS, etc. In some cases, the training set may already be in a numpy multi-dimensional format:
Color RGB
  Dimension 1: Number of Images
  Dimension 2: Image Height
  Dimension 3: Image Width
  Dimension 4: Number of Channels  
Grayscale
  Dimension 1: Number of Images
  Dimension 2: Image Height
  Dimension 3: Image Width  
Flatten
  Dimension 1: Number of Images
  Dimension 2: Flatten Pixel Data  
This format of a training set can be passed into the Images class as the images parameter. If the data type of the pixel data is uint8 or uint16, the pixel data will be normalized; otherwise, data type is float, the pixel data is assumed to be already normalized.
# Let's assume that the image data is already available in memory, such as being read in from file by openCV
import cv2
raw = []
raw.append(cv2.imread('image1.jpg'))  # assume shape is (100, 100, 3)
raw.append(cv2.imread('image2.jpg'))  # assume shape is (100, 100, 3)
# Let's assume now that the list of raw pixel images has been converted to a multi-dimensional numpy array
import numpy as np
dataset = np.asarray(raw)
print(dataset.shape)  # would print: (2, 100, 100, 3)
images = Images(dataset, labels)
print(len(images))      # will output 2
print(images[0].shape)  # will output (100, 100, 3)
Reducing Storage by Deferring Normalization
In some cases, you may want to reduce your overall storage of the machine learning ready data. By default, each normalized pixel is stored as a float32, which consists of 4 bytes of storage. If the config setting uint8 is specified, then normalization of the image is deferred. Instead, each pixel is kept unchanged (non-normalized) and stored as a uint8, which consists of a single byte of storage. For example, if a dataset of 200,000 images of shape (100,100,3) which has been normalized will require 24GB of storage. If stored unnormalized, the data will only require 1/4 the space, or 6GB of storage.
When the dataset is subsequently feed (i.e., properties split, next() and minibatch), the pixel data per image will be normalized in-place each time the image is feed.
# Create the machine learning ready data without normalizing the image data
images = Images(dataset, labels, config=['uint8'])
# set 20% of the dataset as test and 80% as training
images.split = 0.2
# Run 100 epochs of the entire training set through the model
epochs = 100
for _ in range(epochs):
  # get the next image - which will be normalized in-place
  x, y = next(images)
  # send image through the neural network ....