Blog_Banner_Asset
    Homebreadcumb forward arrow iconBlogbreadcumb forward arrow iconArtificial Intelligencebreadcumb forward arrow iconWhat Are Self Organizing Maps: Beginner’s Guide

What Are Self Organizing Maps: Beginner’s Guide

Last updated:
14th Mar, 2023
Views
Read Time
11 Mins
share image icon
In this article
Chevron in toc
View All
What Are Self Organizing Maps: Beginner’s Guide

Self organising map

Source

Do you ever feel like you’re swimming in data but don’t know how to understand it? Data is becoming more readable and less complex with rapid advances in data sciences, machine learning, and artificial intelligence. 

Self organizing maps are an example of one such advancement that reduces the dimensionality of data to reveal correlations that would otherwise be difficult to decipher. Self organizing maps (SOMs) use an unsupervised learning approach to cluster and map data to unravel complex issues and problems. With machine learning expected to reach a two trillion dollar valuation by 2030, this is the right time to upskill and learn about SOM in machine learning

Ads of upGrad blog

Enrol for the Machine Learning Course from the World’s top Universities. Earn Master, Executive PGP, or Advanced Certificate Programs to fast-track your career.

If you want a headstart in the right direction to understand the self organizing maps, you are in the right place. Read on to know more!

What is a Self-Organizing Map?

Self organizing maps (SOM) were introduced in the 1980s by the Finnish computer scientist Teuvo Kalevi Kohonen, also known as Kohonen’s Map after him. Self organizing maps are an example of Artificial Neural Networks that reduces data dimensionality through self-organising neural networks that support knowledge-based processing. Drawing inspiration from the structure and functioning of the human neural system, neural networks process and develop algorithms to untangle complex patterns, correlations, and problems. 

What is a Self-Organizing Map

Source

Self organizing maps are unsupervised neural networks trained through unsupervised and competitive learning algorithms. The networks develop their classifications without any external or specified target output. Hence, they are ‘self-organizing.’ 

The maps consist of two layers- the input layer and the output layer. By clustering and mapping, they take higher dimensional data sets and reduce them to a lower dimensional, discretised representation- usually two-dimensional- called a map. It helps simplify multidimensional, complex data while preserving the topological properties of the input layer. 

Uses Of Self-Organizing Maps

Self organizing maps are the way of the future. The discretised representation of multidimensional training data simplifies complex issues. The critical function of transforming a higher dimensional dataset into a lower dimensional representation holds the key to uncomplicating training data. It makes data visualization easier for the human eye. 

It does so without the threat of data loss from reducing training data into a lower dimensional output or dimensionality reduction. Unlike in Principal Component Analysis (PCA), self organizing maps have an advantage as they retain the topological or structural information of the training data lost in PCA. Therefore, in cases where all dimensions are essential, they are represented in the Kohonen map despite reducing the data into two-dimensional outer space. 

Further, seismic facies analysis helps recognise and develop organized relational clusters or groups by identifying different individual features. Self organizing maps act as a calibration method that relates these clusters to physical reality in the absence of physical analogs. 

Additionally, self organizing maps aid in text clustering. This critical preprocessing step enables verification of text to decipher how it can be converted to a mathematical expression through SOM and further analysed and processed. Moreover, SOM helps in exploratory data analysis by revealing underlying and hidden patterns, relationships, and groups within training data through clustering and visualisation.  

Consequently, SOM in machine learning and artificial intelligence has many applications across fields- from pattern recognition, medical applications, telecommunications, robotics, product management, data mining and processing, and more! 

Architecture and Functionality of Self-Organizing Maps

The architecture of self organizing maps is essential in understanding what they do and how they do it. SOMs consist of two layers of nodes- the input layer and the output layer (or the Kohonen layer or the SOM layer). The two layers are directly connected. The input layer consists of source nodes that express features, attributes, or variables. They are represented as m-dimensional input vectors, x = (x₁, x₂…xₘ). The output layer, or the Kohonen layer, has nodes arranged in topological architecture, which is usually two-dimensional with a grid organisation consisting of rows and columns. 

Each node has a specific location in the grid, and each input vector has a corresponding weight vector, w = (w₁, w₂…wₘ). These nodes indicate the maximum number of clusters possible from the input data. The adjacency of nodes depicts similarity between clusters, and the distance between neighbours is unimportant. The map thus takes on different shapes, typically forming rectangular or hexagonal grids. Each topological structure has specific properties, and the hexagonal is the preferred version.  

Now that we know the basic architecture of self-organising maps, let’s understand how they function. We will breakdown the functionality of SOMs into the following steps:

1. Initialisation of weights

The first step that initiates the mapping process in self organizing maps is the initialisation of weights to vectors. Random values are selected for the initial weight vectors (wₒ).

2. Sampling

A sample of the input training vector (x) is chosen randomly from the input space.

3. Similarity matching

Nodes compete to be activated and selected in this stage of the competition. The node whose weight vector is closest to the input vector becomes activated by computing their similarity using measurement methods. The most viable equation to measure distance [d₀ (t)] is the Euclidean distance for visual representation. The winning node is called the Best Matching Unit (BMU).

Similarity matching

Source

4. Identify neighbourhood

In this step, the topological neighbourhood radius [nr(t)] of the BMU [c(t)] is identified. In this stage, the process of cooperation takes place. 

5. Weight updating

It is the stage of adaptation in which the weight vectors of the BMU and nodes that fall within the neighbourhood in the output space are updated using the weight updation equation. It helps nodes in the output space closely resemble and represent the features of the input space. Two parameters are essential: learning rate [α(t)] and neighbourhood size.

6. Continuation

The process from step b onwards is repeated for N iterations till the feature map stops changing and takes on an identifiable shape. 

Continuation

Source: Example of how Self Organizing Maps work

Advantages 

Self-organising maps are valuable in simplifying data to reveal the underlying patterns and relationships. There are several advantages of SOMs. 

  1. SOMs make complex and multidimensional data easy to understand and read because of reduced data dimensionality and clustering. 
  2. Self organizing maps do not cause data loss as the input data is preserved in the topological representation.
  3. It retains the topological relations of the input space through clustering in outer space. 
  4. SOMs can negotiate an array of classification issues while providing a comprehensive and valuable summary at the same time. 
  5. They help in easier data visualisation. 

Disadvantages

There are several advantages of self organizing maps, but they also have certain disadvantages.

  1. SOMs require a large amount of good-quality training data. 
  2. The computational costs of self organizing maps are very high. 
  3. SOMs take a comparatively long time to prepare and train in the face of slowly evolving data. 
  4. They are not a good fit for categorical and mixed-type data.
  5. The initial weight vector influences cluster patterns. 
  6. It is difficult to determine the optimal map size. 

Implementing Self-Organizing Maps Using Python

Here is an example code for implementing a SOM using Python:

import numpy as np

from matplotlib import pyplot as plt

 

class SOM:

    def __init__(self, input_shape, output_shape, learning_rate=0.1, sigma=1.0):

        self.input_shape = input_shape

        self.output_shape = output_shape

        self.learning_rate = learning_rate

        self.sigma = sigma

        self.grid = np.random.randn(*output_shape, input_shape)

    

    def train(self, data, num_epochs):

        for epoch in range(num_epochs):

            for x in data:

                winner = self._find_winner(x)

                self._update_weights(x, winner)

    

    def _find_winner(self, x):

        x = np.expand_dims(x, axis=0)

        distances = np.linalg.norm(self.grid – x, axis=-1)

        return np.unravel_index(np.argmin(distances), self.output_shape)

    

    def _update_weights(self, x, winner):

        winner_weight = self.grid[winner]

        distances = np.linalg.norm(np.indices(self.output_shape) – np.array(winner)[:, np.newaxis, np.newaxis], axis=0)

        influence = np.exp(-distances ** 2 / (2 * self.sigma ** 2))

        self.grid += self.learning_rate * influence[…, np.newaxis] * (x – winner_weight)

    

    def get_map(self):

        return self.grid.reshape(-1, self.input_shape)

Best Machine Learning and AI Courses Online

Let’s go through this code step by step:

  1. First, we import NumPy and Matplotlib, which we’ll use for numerical operations and visualisation, respectively.
  2. Next, we define a class SOM to encapsulate our SOM implementation. The __init__ method takes three arguments: input_shape is the dimensionality of the input space, output_shape is the shape of the SOM grid, and learning_rate and sigma are hyperparameters for the learning rate and neighbourhood size, respectively. We initialise the grid of neurons randomly.
  3. The train method takes two arguments: data is the input data to train the SOM on, and num_epochs is the number of training epochs. For each epoch, we iterate over each input vector in data and update the weights of the neurons using the _update_weights method.
  4. The _find_winner method takes an input vector x and returns the neuron’s index in the grid with the closest weight vector to x. To do this, we compute the Euclidean distance between x and each neuron’s weight vector and return the index of the neuron with the smallest distance.
  5. The _update_weights method takes an input vector x and the index of the winning neuron winner and updates the weight vectors of all neurons in the grid based on their distance to the winning neuron. We compute the Euclidean distance between each neuron’s index and winner and use this to compute an influence function that determines how much each neuron’s weight vector should be updated. The influence function is a Gaussian function of the distance, with a width controlled by the sigma hyperparameter. We update each neuron’s weight vector by adding a fraction of the difference between x and the winning neuron’s weight vector, scaled by the influence function and the learning rate.
  6. Finally, the get_map method returns a flattened version of the grid, where each row corresponds to the weight vector of a neuron.

Here’s an example of how you can use this SOM implementation to cluster a dataset:

# Generate some sample data

data = np.random.randn(100, 2)

 

# Create a SOM with a 10×10 grid

som = SOM(input_shape=2, output_shape=(10, 10))

 

# Train the SOM for 100 epochs

som.train(data, num_epochs=100)

 

# Get the map of the SOM

map = som.get_map()

 

# Plot the data and the SOM

plt.scatter(data[:, 0], data[:, 1], color=’blue’)

plt.scatter(map[:, 0], map[:, 1], color=’red’)

plt.show()

 

In this example, we generate a dataset of 100 2-dimensional vectors using NumPy’s randn function. We create a SOM with a 10×10 grid and train it on the dataset for 100 epochs. Finally, we get the map of the SOM and plot it along with the original data using Matplotlib.

This should give you a good starting point for implementing SOMs in Python. The basic SOM algorithm has many variations and extensions, so feel free to experiment and explore!

In-demand Machine Learning Skills

Conclusion

The immensity of available data today can make recognising the existing correlations, relationships, and patterns challenging. Converting this data into an easily readable and digestible model can be critical to forming actionable insights to solve real-world problems and issues. Self-organizing maps are an example of technological advancement that can benefit humanity. Clustering and mapping higher dimensional data into lower dimensional models while preserving all the topological properties make SOM in machine learning highly applicable across fields. 

If you want to be a part of the ever-evolving and advancing field of Machine Learning, look no further.

Step into the future with upGrad.

Popular AI and ML Blogs & Free Courses

Ads of upGrad blog

Sign up today for upGrad’s Advanced Certificate Programme in Machine Learning and NLP. Offered by IIIT Bangalore, the 8-month course from India’s #1 Technical University (Private) will jumpstart your career in the industry. The comprehensive curriculum includes subjects like Machine Learning, Natural Language Processing, Machine Translation, and Git, taught by an experienced faculty. 

Enrol now and elevate your career by becoming part of an illustrious alumni network!

You can also check out our free courses offered by upGrad in Management, Data Science, Machine Learning, Digital Marketing, and Technology. All of these courses have top-notch learning resources, weekly live lectures, industry assignments, and a certificate of course completion – all free of cost!

Profile

Pavan Vadapalli

Blog Author
Director of Engineering @ upGrad. Motivated to leverage technology to solve problems. Seasoned leader for startups and fast moving orgs. Working on solving problems of scale and long term technology strategy.
Get Free Consultation

Select Coursecaret down icon
Selectcaret down icon
By clicking 'Submit' you Agree to  
UpGrad's Terms & Conditions

Our Popular Machine Learning Course

Frequently Asked Questions (FAQs)

1What are the three processes involved in training Self Organizing Maps?

The three processes involved in training self-organizing maps are competition, cooperation, and adaptation, which are part of the competitive learning process of the algorithm.

2What is Competitive Learning?

SOMs differ from other artificial neural networks as they rely on competitive learning methods. Competitive learning can be defined as an artificial neural network learning process where different neurons or processing elements compete on who is allowed to learn to represent the current input.

3What is Unsupervised Training in SOM?

Unsupervised training, or unsupervised machine learning, is the technique of analysing and clustering unlabeled datasets to identify hidden patterns and relations.

Explore Free Courses

Suggested Blogs

Artificial Intelligence course fees
5432
Artificial intelligence (AI) was one of the most used words in 2023, which emphasizes how important and widespread this technology has become. If you
Read More

by venkatesh Rajanala

29 Feb 2024

Artificial Intelligence in Banking 2024: Examples & Challenges
6171
Introduction Millennials and their changing preferences have led to a wide-scale disruption of daily processes in many industries and a simultaneous g
Read More

by Pavan Vadapalli

27 Feb 2024

Top 9 Python Libraries for Machine Learning in 2024
75623
Machine learning is the most algorithm-intense field in computer science. Gone are those days when people had to code all algorithms for machine learn
Read More

by upGrad

19 Feb 2024

Top 15 IoT Interview Questions & Answers 2024 – For Beginners & Experienced
64465
These days, the minute you indulge in any technology-oriented discussion, interview questions on cloud computing come up in some form or the other. Th
Read More

by Kechit Goyal

19 Feb 2024

Data Preprocessing in Machine Learning: 7 Easy Steps To Follow
152927
Summary: In this article, you will learn about data preprocessing in Machine Learning: 7 easy steps to follow. Acquire the dataset Import all the cr
Read More

by Kechit Goyal

18 Feb 2024

Artificial Intelligence Salary in India [For Beginners & Experienced] in 2024
908742
Artificial Intelligence (AI) has been one of the hottest buzzwords in the tech sphere for quite some time now. As Data Science is advancing, both AI a
Read More

by upGrad

18 Feb 2024

24 Exciting IoT Project Ideas & Topics For Beginners 2024 [Latest]
760221
Summary: In this article, you will learn the 24 Exciting IoT Project Ideas & Topics. Take a glimpse at the project ideas listed below. Smart Agr
Read More

by Kechit Goyal

18 Feb 2024

Natural Language Processing (NLP) Projects & Topics For Beginners [2023]
107723
What are Natural Language Processing Projects? NLP project ideas advanced encompass various applications and research areas that leverage computation
Read More

by Pavan Vadapalli

17 Feb 2024

45+ Interesting Machine Learning Project Ideas For Beginners [2024]
328318
Summary: In this Article, you will learn Stock Prices Predictor Sports Predictor Develop A Sentiment Analyzer Enhance Healthcare Prepare ML Algorith
Read More

by Jaideep Khare

16 Feb 2024

Schedule 1:1 free counsellingTalk to Career Expert
icon
footer sticky close icon