Todo

This has to be divided in different pages

Introduction

Data

The most difficult part in getting the data needed for making some decision or, in a more general way, doing something useful with it, is to process it and remove the “impurities”, such as misleading data, incorrect data and non-coherent data. The data polishing can get up to 80% of the work in a problem.

Correlation and Causation in Data

Correlation means that two or more variables have some type of relationship.

Causation indicates that one event is the result of the occurrence of another event, in other words, there is a casual relationship between the two events.

Correlation doesn’t imply causation. Correlation is easy to test but causation is almost impossible. A and B are correlated because some C exists such that C → A and C → B.

Example: Every time they light up the belt signal on the plane, it gets bumpy. The light signal and the bumpiness are correlated, but the light signal is not the cause of the bumpiness.

Underfitting and Overfitting

  • Underfitting means that models used for predictions are too simplistic. For example 60% of men and 70% of women respond well to an advertisement, so all future ads should go toward women.
  • Overfitting means that models used for predictions are too specific. For example if a furniture item has four legs 100cm long with decorations and a flat polished wooden top then it’s a dining room table.

Regression

Regression is used to create a line of best fit for a particular set of points, and use that line as a model to predict new values for new points.

Machine Learning

Machine learning is the field of study that allows computers to learn without being explicitly programmed. The computer is trained with some data and can predict new things with data that has never seen. A computer program is said to learn from an experience with respect to some task and some performance measure , if its performance on , as measured by improves with experience .

  • The experience is modelled by the Data and the Labels
  • The task is modelled by the the activity recognition
  • The performance measure is the accuracy of the prediction/solution

Schermata 2022-09-09 alle 13.06.36.png

Computer vision

Computer vision is an application of machine learning that tries to solve the inverse graphic problem. For example how to recognize an image from an array of numbers, instead of graphics which problem becomes how to generate an array of numbers that can be translated as an image.

Studying how we humans see the world is not enough to develop a method to make a computer see. It’s useful to compare the biological and technological methods to see why one works and the other doesn’t.

Computer vision can recognize and classify an object starting from an array of grey scale numbers only if it has some more data which it can learn from.

Humans also need data to recognize objects in pictures and interpret depth and perspective. The data in this case is all the images that they’ve seen during their lives. A 2-year-old kid is estimated to see about 80 million images.

Object Identification vs Classification

  • Object identification: recognize a certain object, such as your laptop or the apple that you just bought.
  • Object classification: recognize that an object belongs to a certain class, such as recognizing any laptop or any apple. This is also defined as “basic level category”.

Once the object is recognized, there are two other operations:

  • Segmentation: meaning the separation of the pixels belonging to the foreground (the object) and the background. For example, mark all the pixels that belong to a person inside of an image.
  • Localization or Detection: detecting the position of the object in the scene, such as orientation, scale, size and 3d position.

An example of classification

An example of classification

Basic-Level Categories

Inter-class vs Intra-class variation

  • Inter-class variation is low when two objects of different classes of objects (inter) are very similar (such as a cow and a dog that looks like a cow).
  • Intra-class variation is low when two objects of the same class are very different (such as two different species of dog)

Digital Image Filtering

Image filtering means applying some function to a part or to the entire image.

Image filtering is used for numerous purposes, such as noise reduction, filling in missing information, or extracting image features.

When an image is filtered, the noise may be reduced and so it’s easier to extract useful information, such as known patterns.

Linear Filtering

The simplest filtering is linear filtering, consisting in replacing each pixel with a linear combination of its neighbors. This can be achieved with an operation called convolution.

Convolution

Let be the discrete image represented by a matrix Let be the filter “kernel”

The filtered image is the result of the convolution between the Image and the Kernel.

is the same to applying with the mirrored filter.

Schermata 2022-09-09 alle 15.31.05.png

We can also have a one dimension filtering, meaning it will be represented as .

Note

Basic properties of Linear Systems

  • Homogeneity:
  • Additivity:
  • Superposition:
  • Linear systems Superposition

Filtering to Reduce Noise

Noise is something that we’re not interested in. Is defined as low-level noise the fluctuations of the light, the sensor noise, quantization effects, etc.

Complex noise instead is, for example, shadows and extraneous objects.

Additive Noise

Additive noise is a model that recreates an image applying the following formula: where and are respectively the Signal, the Noise, and the Image.

Note that the noise doesn’t depend on the signal.

Average Filter

This type of filter works by replacing each pixel with an average of its neighbours.

Average filters are useful to reduce the noise of an image since averaging an area (smoothing it) makes it more homogeneous.

When smoothing a little bit of signal (information contained inside the image) is lost. The more the image is noisy, the more smoothing is needed.

Box filter

The simplest of these types of filters weights all the neighbours in the same way.

All the values in the kernel have the same value and add up to 1. An example of a kernel is

Gaussian filter

Different from the box filter, this type of filtering weights the nearest neighbours more than the distant ones.

The kernel depends on the (standard deviation) value, but its central values are bigger than the values on the borders. An example is

Smoothing an image with a Gaussian filter instead of a Box filter makes the general details of the image more visible, when smoothing an area weighting all the pixels, in the same way, may lose some details.

When the is larger, the kernel gets larger and the image is smoother, and vice versa otherwise.

The Gaussian distribution in 2D is represented by the following equation

The Gaussian distribution in 1D is represented by this equation

Differences between Gaussian and Box filtering

Differences between Gaussian and Box filtering

Separability principle

Both the Box filter and the Gaussian filter are separable, meaning they can be written as the product of two or more simple (lower dimension) filters.

This is an example of the separation of a 2D Box filter.

As the demonstration shows, generally a filter is separable if you can factorize its equation, which depends on and , into two other equations that depend on one by and one by .

The convolution of two 1D filter is more efficient than a single convolution with a 2D filter.

Sharpening

Sharpening filtering can be achieved by doubling all the values of the image matrix and subtracting from it the blurred image. The blurring can be achieved with any smoothing filter such as box or gaussian.

A sharpened photo enhances the changes in the color intensity.

An example of sharpening

An example of sharpening

Multi-Scale Image Representation

Multi-scale image representation refers to a method that implies having to represent a certain image in various scales.

This is useful since a single template of an object we want to find can be used throughout all the images in the various scales.

Schermata 2022-09-09 alle 16.15.11.png

Gaussian Pyramid

In a Gaussian pyramid, the images are obtained by smoothing the original image with the Gaussian filter, and then scaling it down and repeating the process.

It’s essential to smooth the image before downscaling it in order to maintain as much information as possible inside a smaller group of pixels, otherwise, this information would be lost. Subsampling without smoothing will sometimes also lead to aliasing.

It’s computationally convenient to blur the image with a small sigma gaussian filter and then downscale the image by a little scale, for example of 2, and then go on with this procedure.

During a Gaussian pyramid procedure the average of pixels is preserved, but the higher frequencies are lost.

An example of the Gaussian pyramid procedure

An example of the Gaussian pyramid procedure

Different edges at different scales represent different information.

For example in the following picture, we can see how in the bigger scale image we ca see the hair on the zebra’s nose; in the smaller images we see the stripes and in the smallest image we only see the animal’s nose.

Screenshot 2022-10-08 at 7.40.26 PM.png

Edge Detection

Edge detection is a basic operation in image processing since the edges contain much of the important information about the image.

What is an edge

An edge is a more or less sudden change in the intensity of the pixels.

There are 4 types of edges:

Screenshot 2022-10-08 at 7.50.53 PM.png

Edge detection based on the 1st derivative

If we take the first derivative of the curve that describes a single line of an image (preferably previously smoothed in order to remove noise), this derivative will have a peak (positive if the intensity increased, negative otherwise) where an edge is.

The in the derivative equation means the increment, since we are dealing with images’ pixels, the increment must be discrete, so we assign it the value of 1.

We can implement this derivative as a linear filter

The process of edge detection using the first derivative

The process of edge detection using the first derivative

Since derivative, as well as convolutions, also linear operations, we can use the associative property to convolute the image with the first derivative of the Gaussian filter.

This is computationally more efficient since the Gaussian kernel, and its derivative, can be pre-calculated, and this would save one operation.

Thresholding

A threshold is useful to tell the machine how intense a peak should be to be considered an edge.

A second threshold might be used to continue an edge that otherwise would completely stop if using only the first threshold (the edge has a lower magnitude and so it forms a gap).

This technique is called hysteresis and it’s used since in the real world it’s very unusual that an edge completely stops.

2D Edge Detection

Until now we talked about edge detection using derivatives of the curve that describes the intensity of the pixels inside a single line of an image.

If we want to extend the concept to the whole image, we have to calculate two derivatives, one for each direction.

We calculate the derivative in the direction

And in the direction

Where

Edge detection based on the 2nd derivative

It’s also possible to perform edge detection by computing the second derivative of the curve that describes the single line of an image.

In this case, the second derivative would have a “zero crossing” where the edge is located, meaning it would have a low spike and then an high spike, and at the center of it there would be the edge.

This is useful since it betterm marks the intensity of the pixels around the edge.

The kernel to convolve the image in order to obtain this is: .

Gradient and Magnitude

The gradient is a vector that describes the direction and rate of the fastest increase or decrease of a function and it’s denoted as .

is the derivative of along the axis, and so only detects changes on the axis; on the other hand is the partial derivative of along the axis, and so only detects the changes on the axis.

Let be an image , we can write the gradient in the following way:

Or in general:

The gradient magnitude is a scalar that measures the maximum rate of change. In the image this can represent how strong an edge is.

The magnitude of is

And the direction of the gradient is given by

Gradient magnitude at different image scales

The scale of the smoothing filter affects the derivative, and so the semantics of the detected edges. Note that strong edges persist across scales.

The gradient magnitude is different at different scales.

Canny edge detector

Canny edge detector is an edge detection operator that proceeds in the following way:

  • Smooth the image with a Gaussian filter in order to remove the noise;
  • Find the intensity gradient and the direction ( slope of the gradient) of the grayscale version of the image by convolving the image with Sobel kernels;
  • Apply non-maximum suppression: the image is scanned along the image gradient direction, and if pixels are not part of the local maxima they are set to zero. This has the effect of supressing all image information that is not part of local maxima.
  • Apply thresholding in order to remove some remaining edges that may be caused by noise and color variation. We want to remove the lower gradient value edges and keep the higher gradient value edges.
  • Track edge by hysteresis;

Laplacian operator

The Laplacian operator is a linear filter that calculates the derivatives over and and sums them up.

Since it’s a linear filter, we can convolve it with the Gaussian first and then convole the result with the Image in order to be more efficient.

Laplacian pyramid

The Laplacian pyramid principle is the same as the Gaussian pyramid. They both do some filtering on the image, and then apply the same filtering to the image scaled down.

In this case the Laplacian pyramid is built in the following way:

Let be the image at position in the Gaussian pyramid, and let be the laplacian of the image .

The Laplacian pyramid is the series of images

We can calculate the Laplacian of the image at position by taking the difference between and the expanded version of .

Untitled

The difference is approximately equivalent to the convolution between the image and laplacian of the Gaussian kernel ().

Hough Transformation

Object Identification

The challenges in object identifications are the variations that an objects undergoes when it’s translated into a 2D plane (image).

The factors that changes the image of the 3D object are:

  • Viewpoint changes such as:
    • Translation
    • Image-plane rotation
    • Changes of the scale
    • Out-of-plane rotation
  • Illumination
  • Clutter
  • Occlusion
  • Noise

Rotation doesn’t remove information from the objects, if the rotation is over the z coordinate (image plane rotation). If we rotate on x or y, (out of plain rotation) we can loose some information, since we see the object in different angles. (We see the back, but we don’t see the front anymore).

In order to do an appearance-based identification or recognition, the objects can be represented by a collection of images, in order to represent the same object under multiple variations. Every instance of this collection is called appearance.

For recognition, a 3D model of the object is not needed, but it’s sufficient to compare the 2D appearances.

Recognition using color histograms

The idea at the bottom is to represent each appearence with a global descriptor, that will be used to recognize object by matching it with the query image’s descriptor.

Since the colors of an image stays constant under some transformation, we can use it for recognition. The object’s global descriptor will be the color intensity distribution.

The histrogram of color is robust to image translation, but not with out of plain rotation, since the back might be of a different color. This is why we need more pictures.

This recognition method has pros and cons.

Luminance histogram

The luminance histogram is an histogram which values on the go from 0 to 255. It describes the distribution of the pixels intensity (from 0 to 255).

The axis of the histogram tells how many pixels are present of intensity. It could also be normalized, so the axis will always be a value betwenn 0 and 1, and it will represent the percentage of the pixels of intensity inside the whole image.

Screenshot 2022-10-14 at 8.28.43 PM.png

Color histogram

The luminance histogram is used for grey-value images. In order to use it with colored images, it is necessary to compute an histogram for every channel (Red, Green and Blue). These types of histograms are just like the luminance histograms but tells how many pixels of intensity and color Red, Green or Blue there are in the image.

3D Joint Color histograms

A 3D Color histogram is represented by a cube of shape where is the width of the image.

The cube (three dimensional array) is constructed in a way that in the coordinate there is number of pixels with that combination of values.

The value of can be normalized by dividing each component by the sum of the three, in order to have .

Screenshot 2022-10-14 at 8.32.21 PM.png

3D color histograms are very robust in case of partial occlusion or rotation of the object, unless the oclcusion occlude an entire color of an image that may be distinctive.

RG instead of RGB

Since the Blue component it’s just a linear combination of the Red and Green one (). It’s then possible to only use RG value without loosing information, since .

Histogram Comparison

There are many ways to compare two color histograms.

N.B. All the formulas below refer to normalized histograms.

Intersection

  • It measures the common part of both histograms.
  • The result ranges in the interval ,

Euclidean Distance

  • Focuses more on the difference between the histograms.
  • The result ranges in the interval .
  • It’s not very discriminant since all the cells are weighted equally.

Chi-square

  • The result ranges between
  • Cells are not weighted equally: two images with a discriminative color are more similar.

Which measure is the best depends on the application. Both intersection and are good, the latest being more discriminative. Euclidean is not robust enough.

Nearest-Neighbor strategy

Simple algorithm to get the list of the most similar images of a query image.

  1. Build a set of histograms for each view of each know object
  2. Build a histogram for the test image
  3. Compare to each using a suitable comparison measure
  4. Select the object with the best matching score, or reject if the distance is above a threshold (image not similar enough)

Performance Evaluation

Performance evaluation is the process which purpose is to evaluate the system, in order to say that a certain method A is better than another method B.

FDS_Slides02_cvbasics (1)_183.png

In this image, we can see the result of the machine-learning algorithm. Every point is the result of an image. The green points are images that contain a positive example, and the blanks are images that contain a negative example.

Let’s say that a positive example is a picture that contains a dog, and a negative one is a picture that doesn’t contain a dog.

The algorithm has to tell us if there is a dog in the image or not.

The more we go toward the top, the more the confidence of the algorithm about the presence of a dog is higher; the more we go to the bottom, the lower the confidence is.

As we can see, the model made some mistakes, since the 3rd image doesn’t contain a dog but the model is quite confident it does.

Threshold

Since the model returns the probability of success, and we need a boolean result, we can set a threshold in order to consider the probability of success or failure.

In this picture, we can see how the results divide in case of a threshold of 0.5.

If the probability outputted by the model is higher than 0.5, we consider the image contains a dog.

FDS_Slides02_cvbasics (1)_184.png

Confusion Matrix

A confusion matrix is a table that allows the visualization of the performance of a model.

Label PositiveLabel Negative
Predicted PositiveTPFP
Predicted NegativeFNTN

TP, TN, FP, FN

  • TP (True Positives): A test result that correctly indicates the presence of a condition or a characteristic (Model: Yes, Ground Truth: Yes)
  • TN (True Negatives): A test result that correctly indicates the absence of a condition or a characteristic (Model: No, Ground Truth: No)
  • FP (False Positives): A test result that wrongly indicates the presence of a condition or a characteristic. (Model: Yes, Ground Truth: No)
  • FN (False Negatives): A test result that wrongly indicates the absence of a condition or a characteristic. (Model: No, Ground Truth: Yes)

Accuracy, Precision, Recall and F1

  • Accuracy: describes how many true predictions the model made out of all the predictions. Describes the rate of correctness, and so also the rate of the wrong predictions.
  • Precision: describes how good the model is at giving a positive result and actually being right about it. If I raise the threshold, the precision gets higher. This is useful in an emergency situation when I want to do something only if I am very sure about it. I can also apply this if I want to do some heavy calculations only on some occasions, and I want to be sure to do it correctly.
  • Recall (True Positive Rate or Sensitivity): it describes how many true positives has the model found over all the positives. For example in the case of heart disease patients, a high recall is mandatory since with a low recall the model will not predict heart disease for a patient that actually has it.
  • Negative Recall (False Positive Rate or Specificity): : it describes how many mistakes the model doing on the positives. For example in an emergency break on an autonomous car, I want this value to be very low otherwise it will be probable that an emergency brake will happen when it’s not necessary.
  • F1: . It’s a weighted average of precision and recall. F1 score is usually more useful than just accuracy, especially in uneven class distribution.

Area under the ROC (Receiver Operator Characteristic) curve (AUC)

The ROC curve is determined by the Recall (True positive rate) and the Negative Recall (False positive rate).

The higher the area under the ROC curve, the better the classifier.

In the case of an area of 0.5, the classifier is just guessing. A perfect classifier should have an AUC of 1, but that’s impossible.

In the case of an area under 0.5, the classifier is worst than guessing, so the solution would be just to invert the result to have a better classifier.

Screenshot 2022-10-16 at 2.20.45 PM.png

The AUC is useful to set the best threshold since the recall and the other evaluation metrics change depending on the threshold.

Confidence

These types of metrics don’t give any weight to the confidence that a model can have.

FDS_Slides02_cvbasics (1)_211.png

For example here the two models, with a threshold have the same values. But the Model B has more confidence since when it says something is successful, it says it with a higher percentage.

Log Loss and Brier Score are two examples of performance evaluation metrics that depend on the confidence of a model.

Linear Regression

Linear regression describes the relationship between two or more variables by fitting a line to the observed data.

We can only use linear regression, which uses a line to fit the data instead of a curve for example for polynomial regression when the relationship between the independent and dependent variables is linear.

Other assumptions are the Homogeneity of variance, the independence of observations, and the normality.

Let’s suppose we have this dataset

Size in feet()Price in 1000y$)
2104460
1416232
1534315
852178

Notation

  • are the number of training examples
  • is the feature (input variable)
  • is the target variable (output variable)

The hypothesis is a function that, given an in input, should output an appropriate . Appropriate in terms of the behavior of the data inside the dataset. In this way, we can estimate the values that are not present in the dataset.

We can write the hypothesis as:

Multivariate linear regression

Let’s assume we have a dataset like this:

Size (feet)Number of bedroomsNumber of floorsAge of home (years)Price ($1000)
21045145460
14163240232
15343230315
8522136178

In this case, we have more than one input variable:

  • is the number of training examples
  • is the number of features
  • is the feature (input variable) Example: .
  • is the value of feature in the training example. Example: .

We can write the hypothesis in the following way:

For the convention of notation, we define .

Cost function

Let be the parameters, how can we choose the right parameters in order to create a line that fits the data?

Let’s assume we’re in a regular linear regression with only one variable. We should choose so that is the closest to for the training examples .

We define the cost function as:

This function is called the “sum of least squares”, and indicates how much each prediction is close to the real data point.

The goal of linear regression is to minimize for the chosen couple .

Since maps every pair of to a cost, it can be represented in a contour plot.

FDS_Slides03_LinearRegression_23.png

Or in two dimensions:

FDS_Slides03_LinearRegression_24.png

In this case, the third dimension is represented by color. So the bluer the line, the lower the cost; the redder the line, the higher the cost.

Measuring Correlation

Two variables are correlated when they track each other. Correlation can be:

  • Positive, meaning if one goes up the other goes up too; Example: Person height and shoe size.
  • Negative, meaning if one goes up the other goes down. Example: Car weight vs gas mileage.

Causation on the other hand is when a value directly influences another (Education Level → Starting salary). This is almost impossible to find out.

We can measure the level of correlation between two variables with the correlation coefficient (or Pearson coefficient) .

  • : maximum positive correlation
  • : no correlation
  • : maximum negative correlation

In order to measure correlation without thinking about negative or positive values, we can calculate the , which values goes between and .

The correlation tells us the better the function fits the points, the more corelated and are.

Gradient Descent

Gradient descent is an optimization algorithm to find a local minimum of a certain cost function.

The idea is that we have the cost function . We start with some random values for , and then we keep changing them to progressively reduce .

FDS_Slides03_LinearRegression_31.png

The formal algorithm is the following:

Repeat until convergence

For and simultaneously. This means that we first calculate both the new values, and only then replace them with the old values. Otherwise, the computing of the second value will be influenced by the already replaced first value.

is the learning rate, that describes the step size that the algorithm does in order to jump from one cost to another. If is too small, the gradient descent could take too much time, if it’s too large, it could make the step so big that it overshoots the minimum and diverge.

For the nature of the algorithm, it takes big steps when it’s far from the minimum (slope is higher) and more little steps when it approaches the minimum (slope is lower). This happens because of the slope, and the doesn’t change.

The algorithm stops (the convergence is declared) when the step size is very small (such as 0.001) or when it has done a certain number of iterations.

Application to the Linear Regression

Since the cost function in the case of linear regression is defined as seen, we have to calculate its derivative with respect to every .

Polynomial Regression

In some cases, there is not a linear relationship between the features, meaning that, in the case of two features, they cannot be modeled by a line.

An example is how the price of a house changes. It may change a lot in case the size is small, but the change in price can become less and less significant to the change in the size when this value becomes bigger.

So we don’t only consider the value of a feature, but we also the squared, the square root, or the cube of it, depending on how the value may change.

Let and repectively be the size and the price of an house. An example of an hypotesis for the polynomial regression could be

In case , then and .

Since the features can have values that are very different from each other, and so the gradient descent will take a long time to execute, it’s necessary to normalize the features.

Normal Equation

The normal equation is a way to minimize in an analytical way, meaning there is no need to iterate an algorithm.

The gradient of a function is an array of dimension where is the number of variables inside the function The array contains the partial derivative of with respect to every possible variable.

Since the gradient descent calculates the new theta according to this equation

We can solve the gradient of with respect to analytically.

Let be a matrix of , and the function we can calculate the gradient of with respect to :

Trace

We define the trace of a square matrix as the sum of the elements on its main diagonal.

Some properties of matrix derivatives:

  1. where
  2. If

CONTINUE THIS THING (You can see the continuation on the stanford lecture notes)

Locally Weighted Regression

In the classic linear or polynomial regression, all the samples have the same weight.

In case of locally weightet regression, we assume that the set of data between the new data I want to test it’s more related to it than the further data, so the model weights it more.

Screenshot 2022-10-23 at 5.37.09 PM.png

We calculate the weight

If is small, the weight approaches 1, it approaches 0 if is large.

(Tau) is an hyperparameter and represents the bandwidth.

The in the weight equation is the new we want to test, so the weight is computed at test time.

With this type of regression, the aim is to fit to minimize

Likelihood

When we calculate the ’s, we assume there is some kind of error .

Here’s the equation for linear regression:

This error may be caused by the random noise in the sensor or by the unmodelled effects, since we surely will make some errors in modelling the world in some way.

We also assume that the error is distributed according to a gaussian with mean and a standard deviation of .

We choose the gaussian since it’s simple and since a lot of errors are gaussians. Another important fact that made us choose this kind of distribution over the other is the central limit theorem, that says if you have a sufficently large population and you take many random saples from this population (with replacement), then the distribution of the samples will be approximately gaussian.

We can also write the probability of the error as

We can also calculate the probability of given parametrized by

We assume that is the mean, so

We can define the likelihood as

And the log likelihood as

From this equation, we obtain

If I take the maximum likelihood estimation (MLE), I’m choosing in order to maximise and so also Is possible to subsitute the Likelihood with it’s logarithm since the logarithm is a monotonous function (if increases, also increases), and so it ensures that the maximum value of the log of the probability occurs at the same point as the original probability function.

This is equal to minimizing the second term (I don’t consider the first term since it doesn’t depend on theta). The second term is just the cost function .

In other words, the MLE state that we can maximise the Likelihood by minimizing the log likelihood. To do this we just have to calculate the derivative of the likelihood find the zeros. We can do it analytically or with techniques like gradient descent.

Logistic Regression

Logistic regression is different from linear regression since it’s used for classification. Classification means that there are classes of objects, so and the model gives out a probability that the object belongs to one of these classes

Classification with 2 classes

The simplest classification is when there are only two classes. In this case . In general 0 is the negative class and 1 is the positive one.

We will have a function that gives us the probability of the object being in one of the two classes. We have to set a threshold, but assuming the threshold is 0.5, we’ll have:

  • Predict if ;

  • Prediuct otherwise.

  • Example

    Let’s say we have a model that predict the sentiment of a phrase based on how many times the words “awful” and “awesome” appear. The number of times the words appear are the features.

In linear regression can be greater than 1 and smaller than 0, we can’t use it to model a probabiliy. In order to “squash” the function between 0 and 1, we can use the sigmoid function (also called logistic function).

remains equal to but we apply the sigmoid in order to squash it in the 0,1 interval.

Where

Screenshot 2022-11-04 at 12.49.36 PM.png

The interpretation of the hypotesis () output is that it describes the probability that on the input . So if there’s a probability that , parametrized by is in class 1:

Since in this case there are only two classes, we have that:

Linear decision boundaries

If , then and

If , then and

So the decision boundary happens when changes sign

Let’s assume we have more than just a feature, and let’s assume the function is

Then, applying what we said before, we can predict if , where this equation is the equation of the line that represent the decision boundary.

Screenshot 2022-11-04 at 1.46.35 PM.png

Non-linear decision boundaries

We can also have a decision boundary that’s not a line, but some type of curve. The curve could also be a circle, inside of which there are all the samples belonging to a class and outside the rest of the samples.

Screenshot 2022-11-04 at 1.48.28 PM.png

Learn s with logistic regression

Since we know that , we can generalize the formula as:

We also can define the Log Likelihood in the case of Logistic Regression as:

and the log likelihood as:

The gradient ascent algorithm updates the theta vector with the following rule:

Where

Newton’s Method for Optimization

The Newton’s method for optimization is another iterative method that allows to find such that where is a given function. This method is another iterative optimization method that can be used as an alternative to the gradient descent method.

This method tells us that we can update the with the following rule:

Where is the second derivative of the log likelihood.

Derivative, Jacobian and Hessian difference on Stack Exchange

The pro of this method is that there isn’t any hyperparameter, but the method requires an higher order of differentiability for the loss function.

Case for when is a vector

In the general case, when is a vector, we can use the following update rule:

Where is the hessian matrix defined as .

Exponential Family of Distributions

Wikipedia page for Exponential Family of Distribution

The exponential family is a set of distributions whose probability distribution can be described by a general equation:

Where:

  • is the natural parameter
  • is the succifient statistic
  • is the base measure (scalar)
  • is the log-partition function
  • is the data (scalar)

and can be scalars or vectors, but their shape must match.

Example with the Bernoulli Distribution

We know that if is a random variable that distributes according to a Bernoulli Distribution , that

We can see how the final formula can be mapped to the general family of distribution equation:

Generalized Linear Models

Before all let’s make some assumptions, that are design choises:

  1. ;
  2. Given , we want to have ;
  3. . If is a vector, then , meaning that the parameter and the input are linearly related.

GLM for Ordinary Least Squares

We can see that Ordinary Least Squares is a special case of GLM family of models, since we have:

Multinomial Classification

Multinomial classifications is more or less the same problem of classification but with more than two classes.

When we were dealing with two classes classifications, we were using logistic regression. Now this is not the case anymore, and we need more advanced methods.

Softmax Function

The softmax function is the extension of the sigmoid function when we have more than two classes.

The softmax function applied to the index , computes the probability of the object of being in the -th class.

We can prove that the softmax function is the response function derived by the link function that connects softmax regression to the exponential family of distribution.

  • Proof that the softmax regression is part of the exponential family of distribution

    To parametrize a multinomial over possible outcomes ( for example if we want to classify an email in spam, personal and work) we can use parameters since the last parameter is just a combination of the previous ones (because they have to satisfy the property ).

    We can express the multinomial as an exponential family distribution. We first have to define the concept of a “one-hot” vector, which is a vector in which the -th element has value and all the other elements have value 0.

    In the case of softmax regression, we’ll have where .

    We also have that .

    Starting from that, we can see how the multinomial it’s a member of the exponential family, by mapping the ’s to the ’s through the softmax function.

    Where the exponential family parameters are mapped to the multinomial logistic regression as following:

    And is the link function. In order for the link function to be invertible, we set , so we have:

    This implies that , and so we have that:

    This is the response function, and it’s the softmax function.

Softmax Regression (multinomial logistic regression)

The softmax regression model’s hypothesis will take an example in input and will output the following:

Meaning if we apply the softmax regression to a vector of parameters, we’d have a vector of size where is the number of samples and is the number of classes, that tells us the probability distribution of every sample, formally the probability for every .

Learn s with Softmax Regression

If we have a training set of examples and would like to learn the parameters of the model, we begin by writing the log-likelihood

We can then obtain the Maximum Likelihood Estimate by mamixising using gradient ascent or Newton’s method.

Image Classifications with Linear Classifiers

Image classification is the act of labeling an image with a certain class. The problem is that the computer elaborates images as a grid of RGB values, that changes dramatically in case of camera movement, environment illumination and other things.

Other problems that can prevent the computer to recognize the object are background clutter, deformation of the object, occlusion and intraclass variation.

Since it doesn’t exists a precise algorithm that can get an image as input and tell if there is a certain object in it or not, the idea is to collect a dataset of image and labels, use machine learning to train a classifier and predict the new images using the trained classifier.

Nearest Neighbor Classifier

This classifier uses the L1 (Manhattan) distance, defined as , in order to find the most similar image to a given one.

Let be the examples, the training has complexity and the prediction has complexity .

This because in the training part, the classifier just memorize the training data.

In the prediction part, the classifier analyzes every train image and predicts the label of the nearest image.

This isn’t optimal since we prefer a classifier that has a slow training but a fast prediciton.

K-Nearest Neighbors

K-Nearest neigtbors is an optimization of the nearest neighbor classifier, in which only a subset of closest points is chosen, insted of the entire set of points. In this way the algorithm is more efficient, even if the solution would be less precise.

This method uses also another type of distance, that’s the Euclidean distance .

This method is never used on images since it’s very slow at test time, and distance metrics on pixels are not inforamtive.

Linear Classification

A linear classifier is a classifier that makes the decision upon a linear combination of the data given in input.

This data is combined with a weight and some biases . So the function can be written as . The output is a vector of dimension, where is the number of classes, that describes the probability distribution of the image to belong in that class.

Example with an image of 4 pixels and 3 classes

Example with an image of 4 pixels and 3 classes

Loss Functions and Optimization

In order to quantify whether we have choosen a good or bad values for , we can initialize those value at random, define a loss function, and find a that minimizes that function.

Given a dataset of examples where is the image and is an integer label, we can define the loss function as

When using a linear classifier, the output is an array of unnormalized log-probabilities. We can use the softmax function to trasnform these values in normalized probability, in order to interpret the array as a probability distribution.

We can choose the weights to maximise the likelihood of the probabilities. So we can define

Regularization

Regularization prevents the model from overfitting (doing too well on training data), because that would cause bad performance when working with new data. This is done by adding a factor at the end of the loss function .

  • is the regularization strenght, and it’s a hyperparameter.
  • can vary:
    • L2 regularization:
    • L1 regularization:
    • Elastic net (L1 + L2):

Optimization

Gradient Check

Computing the gradient of an array of values in the numerical way, meaning applying the definition of derivative with a small value for , is not very optimal, since there is a lot of computation going on, and the result is only an estimation.

Gradient check is a technique used to check the correctness of the implementation of the backpropagation algorithm in a neural network. It involves comparing the analytically computed gradients of the model’s parameters with the gradients computed using finite differences. If the two values are close, it indicates that the implementation is correct. It is a useful tool for debugging and can help detect errors such as mistakes in the computation of the gradients or bugs in the code.

Image Features

In images, we can take the raw pixels as our features. This can be a great decision for simple problems, since it doesn’t require to modify the data we have in some other ways; but for neural networks it’s not enough.

If we compute some other data from the image beforehad, we may achieve better performance. For example color histograms could be a good idea for some problems.

Let’s assume we have some points, some belonging to a class, some to the other, distributed in a circle around the origin. We cannot separate the two classes with a linear classifier, but if we change the data and map every point to the distance it has from the origin, then we may have some data that’s easier to work with, and it’s now possible to separate the classes with a linear classifier.

A more recent technique is to to compute the Hisogram of Oriented Gradients, meaning to consider the derivative of all patches of the images (small sections). A patch with a brighter color towards a directions means that there is a strong edgeness on that direction. This performance better than the color histogram.

We may also combine different features togheter to have a stronger representation.

What deep neural networks do is extract features from an image in some smart way, instead of extracting features with a design method.

Backpropagation

Backpropagation is an efficient and accurate way to compute the gradient of a loss funcion.

The process happens in two phases:

  1. Forward pass: we compute the outputs of every node and calculate the final loss of the network according to a certain loss function.
  2. Backward pass: starting from the end of the network, we recursively apply the chain rule to compute the gradients all the way to the inputs of the network. The gradient is used then to update the weights.

Example

(Source)

Let’s assume the loss function is

Let’s assume that

In order to easily analyze expression, we can also draw the computational graph of the loss function

Screenshot 2022-11-23 at 1.58.04 PM.png

Every node (, and ) in the computational graph can compute two things without being aware of the rest of the graph:

  • Output of the node
  • Local gradient of the node
OutputLocal gradients

Remember that the chain rule state that:

We define the upstream gradient as the gradient calculated in the forward phase that’s now backpropagating. Each step in the backpropagation, we calculate the new gradient to backpropagate as the product of the local gradient and the upstream gradient.

Example of the backpropagation process using the recursive appllication of the chain rule with the local and upstream gradient.

Example of the backpropagation process using the recursive appllication of the chain rule with the local and upstream gradient.

Backpropagation with vectors and matrices (or tensors)

If we are dealing with vectors, matrices or tensors, then the process is the same but we’re not longer calculating regular derivatives. Of course the computational power needed to compute the gradients or jacobians is much more than the regular derivatives.

Vector Derivatives Recap

  • If , then we have the regular derivative that tells us how much will change if changes by a small amount;
  • If , then the derivative is the Gradient where . This tells us, for each element , how much will change if changes by a small amount.
  • If , then the derivative is the Jacobian where . This tells us for each element , how much will every element change if changes by a small amount.

Convolutional Neural Networks

Convolutional neural networks are neural networks that use kernel convolution in order to predict something.

Those types of NN are mostly used for image classification.

Image Classification with CNN

This because having the entire image, meaning a vector made up with all the image’s pixels, as the input parameters for a NN is not possible under a computational point of view, since there would be too many nodes and connections.

CNN’s also take the full image as the input, but they do some operations, specifically some kernel convolutions, in order to learn which are the most discriminant filters that are able to improve the performances.

In a CNN, there are three types of layers.

Convolution Layer

In this layer, the image is convolved with a kernel that has smaller dimensions but the same depth. In case of RGB image the depth is 3 because it includes the RGB color channels.

The convolution generates a smaller image that’s called activation map.

Every filter generates a different activation map of the same dimension. At the end of this layer we’ll have an image of increased depth (the number of activation maps) but smaller size.

Activation Layer

In the activation layer, the activation map is given as an input to a certain activation function, such as ReLu, SoftMax or SoftPlus. This is needed in order to insert some non-linearity, otherwise the model coudn’t be able to learn more complex patterns.

Pooling Layer

Pooling is an operation that takes a patch from the image and gives some kind of output that’s smaller than the original image.

Pooling is useful to reduce the image resolution. We can use a bigger slide in the convolution as an alternative.

We distinct between two types of pooling:

  • Max Pooling: given a patch of filter and a slide such that the filters don’t overlap, it outputs an image that’s times smaller, and each patch it’s mapped with its maximum value.
  • Average Pooling: Is the same as max pooling, but instead of taking the maximum value from each patch, it takes the average value.

After some stages of repeatingly applying convolution, activation and pooling, we reach the final layer, that’s a classic fully connected layer as in an ordinary Neural Network. This layer takes as input the last output given by the last pooling layer, and ouputs the probability of the image being in a certain class.

In the first layer, we’ll have the filters that the network has computed, deeper we go, more abstract the images would be.

The important thing of CNN is that the model learns the most important features and what the image represent at the same time. We can use backpropagation in order to optimize the weights and biases.

Generative Learning Algorithms

Standford Lecture Source

Generative Learning Algorithms differ from the Discriminant Learning Algorithms that we’ve seen so far (Linear and Logistic regression for example) because they look at each class of elements in an isolated way.

A discriminative learning algorithm learns where the is the feature and is the class.

A generative learning algorithm learns . This types of algorithms also learn , that’s called class prior. This is useful to know the probability distribution of the classes, before having seen the features.

Using Bayes rule, when a new example comes in, it’s possible to calculate the :

Where

GDA - Gaussian Discriminant Analysis

Let’s suppose that , so we drop the convention.

Let’s assume that is distributed as a Gaussian.

GDA, instead of fitting a line that separates the two classes like in Logistic Regression, fits two multivariate gaussians, one for each classes. The seprataion of the examples with two gaussians implies a decision boundary that’s very similar to the line fitted by the Logistic Regression.

Multivariate Gaussian

In a multivariate gaussian the elements on the covariance matrix ’s diagonal determines the height and base of the bell, meanwhile the other elements determines its orientation.

Note that every covariance matrix is symmetric.

Changing the values in the vector, changes the position of the center of the gaussian around the plain.

Note that:

GDA is parametrized by

Where are the means for the class 0 and class 1, and because is distributed as a Bernoulli.

In Generative learning algorithms, we want to maximise the joint likelihood defined as:

Note

This is different from the Discriminant learning algorithms, where we wanted to maximize the conditional likelihood defined as:

L(\theta) = \prod_{i=1}^nP(y^{(i)}|x^{(i)};\theta)

The difference is that in the discriminant learning algorithms we want to find parameters that maximise the probability of $y$ given $x$, meanwhile in the Generative learning algorithms we want to find parameters that maximise the probability of both $x$ and $y$. ### Calculating the parameters > [!TODO] > > Incomplete

\phi = \frac{\sum_{i=1}^ny^{(i)}}{n} = \frac{\sum_{i=1}^n\mathbb{1}{y^{(i)}}}{n}

\mu_0 = …

\Sigma = …

\text{argmax}_yP(y|x) = \text{argmax}\frac{P(x|y)P(y)}{P(x)}

Since $P(x)$ is a constant, it doesn’t change the result of the $\text{argmax}$, so we can delete it.

\text{argmax}_yP(x|y)P(y)

In case you need the probability, of course the denominator cannot be deleted. In this case we delete it also for compuational reasons. ### Comparison between Generative and Discriminative algorithms

\begin{cases} x|y=0 \sim \mathcal{N}(\mu, \Sigma) \ x|y=1 \sim \mathcal{N}(\mu, \Sigma) \ y \sim \text{Ber}(\phi) \end{cases} \Rightarrow P(y=1|x) = \frac{1}{1+\exp(-\theta^Tx)}

undefined

P(x, …, x_n|y) = P(x_1|y)P(x_2|x_1,y)P(x_3|x_2,x_1,y)…

P(x, …, x_n|y) = P(x_1|y)P(x_2|y)P(x_3|y)…P(x_n|y) = \prod_{i=1}^n P(x_i|y)

undefined

P(x,y) = P(x|y)P(y)

\prod_{j=1}^n P(x_j|y)P(y)

undefined

\phi_{k|y=0}=P(x_j=k|y=0) \ = \frac{\sum^n_{i=1}1{y^{(i)}=0}\sum^n_{i=1}1{x_j^{(i)}=k}+1}{\sum^n_{i=1}1{y^{(i)}=0} \cdot n_i + |V|}

We add $|V|$ (the size of the vocabulary $V$) to the denominator and $1$ to the numerator in order to apply the Laplace smoothing. # Bias, Variance and Regularization If the model underfits the data, we’re in the case of **high bias and low variance**. No matter how much data we give to the model, it will always perform bad (will not variate so much). If the model overfits the data, we’re in the case of **high variance and low bias** (it variate a lot depending on the input sample). In order to talk more about this argument, we need to make some assumptions: 1. We assume that some data distribution $D$ exists, and this distribution models both the training and testing set. 2. The samples are independent. This means that training and test split it’s random, but we are sure that the distribution will always be $D$. The learning algorithms, also called estimator, is deterministic, meaning given a certain set of data, the result will always be the same. Also the output is random since it depends on a random value. ![Screenshot 2022-12-27 at 4.41.46 PM.png](Screenshot_2022-12-27_at_4.41.46_PM.jpeg) We call the distribution of the output variable $\hat{h}$ or $\hat{\theta}$ the *sampling distribution*. We call $h^*$ or $\theta^*$ the “true” parameters, that will probably never be exactly like the estimated values, if I have a limited amount data ($m$ samples for example) from which to learn. ### Data view vs Parameter View The parameter view is a way to visualize the predictions made by the learning algorithm. The $x$ axis represent the variance and the $y$ axis represent the bias. ![Screenshot 2022-12-27 at 4.58.33 PM.png](Screenshot_2022-12-27_at_4.58.33_PM.jpeg) --- In synthesis: - **Bias**: determines how much you are far away from the true parameters. If the mean is centered around the true parameters, then we have high bias. - **Variance**: determines how much the prediction changes depending on the sample that is given in input. ### Consistency If $\hat\theta \to \theta^*$ with $m \to \infty$, then the algorithm is consistent. If $E[\hat\theta] = \theta^*$ for all $m$, then the algorithm is unbiased. ## Fighting High Variance 1. We let $m \to \infty$. This is not so practical. 2. We can use **regularization**. This allows to “shrink” the $\hat\theta$ more closer to each other, but it’s not sure that the mean will be centered aroun the true parameters. This will probably increase a little bit the bias, but lower variance a lot. ## Generalization and Empirical Risk Let $g$ be the best possible hypothesis. This is achievable with an infinite amount of data, but even this hypothesis will always have a little bit of bias, meaning a little bit of error. Let’s assume we’re in the house pricing problem, it can happen than there are two different observations that corresponds on the same value and size of the house. This is an impossible problem, since you’ll always get either one or the other. In the reality we have a certain space of hypothesis $H$, for example the set of all the possible hypothesis we can get to with logistic regression. Our estimate, given a limited amount of data, is a certain $\hat h$. $h^*$ is a point in the $H$ space that models the best estimate we can get with all the possible logistic regression models. We define the risk, or generalization error:

\epsilon(h) = E_{(x,y)\sim D}[1{h(x) \ne y}]

\hat\epsilon(h)s = \frac{1}{m}\sum{i=1}^m1{h(x) \ne y}

that is the error we get training the model on $m$ samples. ### Approximation and Estimation Error We can define the following errors: - $\epsilon(g)$ is the Bayes error: (or irreducible error), and this models the amount of error we would get if we would be able to estimate $g$ (the best hypothesis). Remember that even with the best possible estimate, we cannot have a zero error. - $\epsilon(h^*)-\epsilon(g)$ is the approximation error. This is due to the choice of parameters. - $\epsilon(\hat h) - \epsilon(h^*)$ is the estimation error. This is due to the fact that the model is trained with a limited amount of data. Now we can see how the generalization error $\epsilon(h)$ is just:

\epsilon(h) = \text{est error} + \text{approx error} + \text{irriducible error}

We can also decompose $\text{est error}$ as $\text{est variance} + \text{est bias}$; Since also approximation error gives some bias, we can see that: ![Screenshot 2022-12-27 at 7.04.39 PM.png](Screenshot_2022-12-27_at_7.04.39_PM.jpeg) --- The optimum model complexity is the one that tries to balance bias and variance the most. ## Fight High Bias 1. Make $H$ bigger by increasing the complexity of the model, for example by increasing the grade of the polynomial. ## Regularization As we’ve already seen, regularization consists in adding a regularization term to the loss function that has to be minimized, in order for the model to not overfit the data. The regularization term in this case is defined as following:

\frac{\lambda}{2}||\theta||

-\lambda||\theta||

> [!Note] > Remember that the norm of a vector $||\theta||$ is just the sum of all its components. So $||\theta||^2 = \sum\theta_j^2$ ### Regularization with Gradient Descent We don’t regularize the term with $j=0$. We subtract the $\frac{\lambda}{2}||\theta||^2$ term from the loss function and we get to the gradient descent update formula:

\theta_j := \theta_j + \alpha\left[\sum_{i=1}^n\left(y^{(i)}-h_\theta (x^{(i)})\right)x^{(i)}_j-\lambda \theta_j \right]

### Example of Regularization in Logistic Regression In naive bayes, we've seen how it’s possible to classify an email as spam or not by looking at the contained words. The email was transofmed in a feature vector where there was a 1 if the word with index $i$ is in the email, 0 otherwise. Logistic regression wouldn't do well in this case because, let’s say we have $100$ examples each one made out of a vector of $10.000$ words, the classifier has too many parameters with respect to the examples. But if we use regularization, the model performs way better than the naive bayes approach. ## Probabilistic Interpretation of Regularization > [!Note] > > Missing