Deep Learning and AI

Six Types of Neural Networks You Need to Know About

November 30, 2023 • 14 min read

SPC-Blog-6-neural-network-you-need-to-know.png

An Introduction to the Most Common Neural Networks

Neural networks have become increasingly popular in recent years, but there is still a lack of understanding about them. For instance, many people struggle to differentiate between the various types of neural networks and the problems they solve. Additionally, people often use the term “Deep Learning” indiscriminately when referring to any neural network, without breaking down the differences.

In this post, we will discuss the most popular neural network architectures that everyone should be familiar with when working in AI research. By familiarizing yourself with these neural network architectures, you can gain a better understanding of the different types of neural networks and their applications in AI research.

1. Feed-Forward Neural Network

Feed Forward type of neural network essentially consists of an input layer, multiple hidden layers and an output layer. FFNs do not have any feedback connections, thus no loops or connections are present that allow information to be fed back into previous layers.

This is the most basic type of neural network that came about in large part to technological advancements which allowed us to add many more hidden layers without worrying too much about computational time. It also became popular thanks to the discovery of the backpropagation algorithm by Geoff Hinton in 1990.

2-SPC-Blog-6-neural-network-you-need-to-know.png

Feed-forward neural networks are generally suited for supervised learning where the network is presented with input-output pairs with numerical data, and the weights of the connections are adjusted iteratively to minimize the difference between the predicted output and the actual output. These networks are commonly used for tasks like classification and regression.

FFNs cannot be used with sequential data, and it doesn’t work too well with image data as the performance of this model is heavily reliant on features, and finding the features for an image or text data manually is a pretty difficult exercise on its own. While FNNs are effective for certain tasks, they struggle with complex data relationships. This brings us to the next two classes of neural networks: Convolutional Neural Networks and Recurrent Neural Networks.

2. Convolutional Neural Networks (CNN)

A Convolutional Neural Network (CNN) is a type of artificial neural network designed for processing structured grid data, such as images. CNNs are particularly effective in computer vision tasks, where the goal is to recognize patterns and extract features from visual data.

CNNs can be thought of as automatic feature extractors from the image. CNNs effectively uses adjacent pixel information to down sample the image first by convolution and uses a prediction layer to re-predict and reconstruct the image. Unlike traditional neural networks, CNNs are equipped with specialized layers, such as convolutional layers and pooling layers, that enable them to efficiently learn hierarchical representations of visual data.

3-SPC-Blog-6-neural-network-you-need-to-know.png

This concept was first presented by Yann le cun in 1998 via LeNet-5 for handwritten digit recognition where he used a single convolution layer to predict digits which consisted of convolutional layers, subsampling layers (equivalent to pooling layer) and fully connected layers. After a period of popularity in Support Vector Machines CNNS were reintroduced by AlexNet in 2012. AlexNet consisted of multiple convolution layers to achieve state of the art image recognition while being computed on GPUs. The use of GPUs to execute highly complex algorithms and extracting distinct features fast made them an algorithm of choice for image classification challenges henceforth.

CNN's are also used as the underlying architecture for many Object Detection algorithms like YOLO, RetinaNet, Faster RCNN, Detection Transformer. While CNNs are powerful for image related tasks, they require large datasets for training and finetuning.

3. Recurrent Neural Networks (LSTM/GRU/Attention)

Recurrent Neural Networks (RNNs) stand out in the neural network landscape for their unique ability to process sequential data dynamically ideal for natural language processing (NLP) and time series analysis. The distinctive feature of looping connections in RNNs enables the network to maintain an internal memory or hidden state to capture dependencies and patterns.

What CNN means for images Recurrent Neural Networks are meant for text. RNNs can help us learn the sequential structure of text where each word is dependent on previous words, or sentences ideal for language translation, sentiment analysis, and text generation. (Though transformers have taken over here. More on them later!)

Below is the expanded version of an RNN cell where each RNN cell runs on each word token and passes a hidden state to the next cell. For a sequence of length 4 like “the quick brown fox”, The RNN cell finally gives 4 output vectors, which can be concatenated and then used as part of a dense feedforward architecture like below to solve the final task Language Modeling or classification task:

4-SPC-Blog-6-neural-network-you-need-to-know.png

Long Short-Term Memory networks (LSTM) and Gated Recurrent Units (GRU) are a subclass of RNN, specialized in remembering information for extended periods (addressing the Vanishing Gradient Problem) by introducing various gates which regulate the cell state by adding or removing information from it.

RNNs/LSTM/GRU have been predominantly used for various Language modeling tasks where the objective is to predict the next word given a stream of input Word or for tasks which have a sequential pattern to them. If you want to learn how to use RNN for Text Classification tasks, take a look at this post.

Before we get into the next neural network, we have to mention a little about attention mechanisms. Certain words help determine the sentiment of text excerpt more than others or while some words (like adjectives) may have negative connotation may not be a negative sentence altogether especially in slang and colloquial text. With LSTM and deep learning methods, we can take care of the sequence structure, but we lose the ability to give higher weight to more important words. So, using an attention mechanism to extract words that are important to the meaning of the sentence can aggregate the representation of those informative words to form a sentence vector that is weighted and interpreted accurately by a computer.

Spoiler: Transformers Models have become more suitable for language processing, so why use an RNN? Let’s reiterate the sequential nature of RNNs. When looking at data that is dependent on previous data, RNNs perform best with long dependencies that can be difficult to track for traditional “if/then” statements. RNNs also work better with information over time. RNNs, since their model is sequential by nature, are less compute intensive and responsiveness when data is fed to them in real-time. For smaller data sets where there is less need for the number of parameters and fine tuning (like found in Transformer Models), RNNs perform better since they would be less susceptible to overfitting.

4. Transformers

Transformers have become the DeFacto standard for any Natural Language Processing (NLP) task, and the recent introduction of the GPT-3 transformer is the biggest yet.

5-SPC-Blog-6-neural-network-you-need-to-know.png

In the past, the LSTM and GRU architecture, along with the attention mechanism, used to be the State-of-the-Art approach for language modeling problems and translation systems. The main problem with these architectures is that they are recurrent in nature, and the runtime increases as the sequence length increases. That is why for smaller datasets, they do well, but larger data sets, they struggle. That is, these architectures take a sentence and process each word in a sequential way, so when the sentence length increases so does the whole runtime.

Transformer, a model architecture first explained in the paper Attention is all you need, omits the recurrence and instead relies entirely on an attention mechanism to draw global dependencies between input and output simultaneously over the entire dataset. And that makes it fast, more accurate and the architecture of choice to solve various problems in the NLP domain working with more words and more complex text-based tasks.

Consider a conversation with a Transformer based model such as ChatGPT. It takes into account the entire text prompt coupled with a memory over a large conversation lending to its ability to carry conversations and answer accurately based on the topics talked about previously. The use of an attention mechanism enables a transformer model like ChatGPT lets it reduce the number of words parsed, highlight the importance of certain words, capture relationships between words all over the given text, and deliver a compelling output with the topics presented.

There are various parameters and encodings that can modulate a transformer model for positional encoding, improving memory, advanced attentiveness to certain keywords, and more. In summary, transformers have redefined the landscape of deep learning by introducing a highly parallelizable and scalable architecture, fostering breakthroughs across diverse domains. The self-attention mechanism, coupled with the ability to process input sequences in parallel, makes transformers a powerful and flexible choice for various machine learning tasks working with text, image process, and speech recognition.

5. Generative Adversarial Networks (GAN)

Generative Adversarial Networks (GANs) are a class of artificial intelligence models introduced by Ian Goodfellow and his colleagues in 2014. GANs operate on a unique principle of adversarial training, where two neural networks, the generator and the discriminator, engage in a competitive process to create realistic synthetic data.

GANs consist of a generator, tasked with creating realistic data, and a discriminator, responsible for distinguishing between real and synthetic data. The generator continually refines its output to fool the discriminator, while the discriminator improves its ability to differentiate between real and generated samples. This adversarial training process continues iteratively until the generator produces data that is indistinguishable from real data, achieving a state of equilibrium.

6-SPC-Blog-6-neural-network-you-need-to-know.png

Perhaps it's best to imagine the generator as a robber and the discriminator as a police officer. The more the robber steals, the better he gets at stealing things. At the same time, the police officer also gets better at catching the thief.

The losses in these neural networks are primarily a function of how the other network performs:

  • Discriminator network loss is a function of generator network quality: Loss is high for the discriminator if it gets fooled by the generator’s fake images.
  • Generator network loss is a function of discriminator network quality: Loss is high if the generator is not able to fool the discriminator.

In the training phase, we train our discriminator and generator networks sequentially, intending to improve performance for both. The end goal is to end up with weights that help the generator to create realistic-looking images. In the end, we’ll use the generator neural network to generate high-quality fake images from random noise.

GANs have found diverse applications in numerous fields. In computer vision, they generate lifelike images, aiding in tasks like image-to-image translation and style transfer. GANs have revolutionized the creation of synthetic data for training machine learning models, proving valuable in domains with limited labeled data. Additionally, GANs contribute to the generation of realistic scenes for video game design, facial recognition system training, and even the creation of deepfakes where fake faces are created to mimic a real person.

GANs may suffer from mode collapse, where the generator produces limited types of samples, failing to capture the full diversity of the underlying data distribution. GAN training can be challenging, requiring careful tuning, and is susceptible to issues such as vanishing gradients and convergence problems.

Consider the game-playing AI developed by DeepMind that dethroned the highest ranked Go player. AlphaGo is a neural network AI bot that trained by competing against itself, training to reach an expert level in the ancient board game Go, played by many eastern countries. DeepMind pitted their AI against the best Go player Lee Sedol, defeating him 4-1. AlphaGo, trained against itself, reminiscent of a training GANs, but make no mistake, DeepMind’s AlphaGo is far more complex than employing a GAN.

6. Autoencoders

Autoencoder neural networks are unsupervised learning models designed for data encoding and decoding. Consisting of an encoder and a decoder, these networks learn efficient representations of input data, compressing it into a lower-dimensional space and then reconstructing it faithfully.

7-SPC-Blog-6-neural-network-you-need-to-know.png

 Autoencoders are employed in image and signal compression, reducing the dimensionality of data while preserving essential features. They can also be employed in anomaly detection by learning the normal patterns in data, autoencoders can identify anomalies or outliers, making them valuable for cybersecurity and fault detection. Autoencoders also aid in learning hierarchical representations of data, contributing to feature extraction for subsequent machine learning tasks.

Their applications span various domains, offering advantages in data compression, anomaly detection, and feature learning. They don’t require labeled data for training and operate unsupervised which makes them applicable in scenarios where labeled data is hard to obtain. While unsupervised learning can lead to overfitting, with the right encoding dimensions can ensure a reliable and powerful Autoencoder model.

Conclusion

Neural networks are essentially one of the greatest models ever invented and they generalize pretty well with most of the modeling use cases we can think of. Different neural networks are being used to solve various important problems in domains like healthcare, banking and the automotive industry, along with being used by big companies like Apple, Google and Facebook to provide recommendations and help with search queries.

Learning the various neural networks with different capabilities is essential. Picking the appropriate model can take your AI development to new heights. While accuracy in one model can hit a peak, capabilities can be unlocked by experimenting with other types of neural networks.

If you are interested in increasing your computing infrastructure for developing groundbreaking AI, explore SabrePC Deep Learning and AI training workstation and server platforms.


Tags

cnn

rnn

deep learning

neural networks

gan

lstm

transformers

nlp

autoencoders



Related Content