KEMBAR78
Module 1 - SC | PDF | Machine Learning | Artificial Intelligence
0% found this document useful (0 votes)
28 views17 pages

Module 1 - SC

Soft computing is an approach that utilizes approximate calculations to solve complex problems that are difficult or time-consuming for traditional computing methods. It encompasses techniques such as fuzzy logic, neural networks, and genetic algorithms, providing cost-effective solutions for real-world issues. The document also discusses the differences between soft and hard computing, as well as the applications and elements of machine learning.

Uploaded by

animeaddicts70
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
28 views17 pages

Module 1 - SC

Soft computing is an approach that utilizes approximate calculations to solve complex problems that are difficult or time-consuming for traditional computing methods. It encompasses techniques such as fuzzy logic, neural networks, and genetic algorithms, providing cost-effective solutions for real-world issues. The document also discusses the differences between soft and hard computing, as well as the applications and elements of machine learning.

Uploaded by

animeaddicts70
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 17

Module 1:

Soft computing introduction

Soft computing is the use of approximate calculations to provide imprecise but usable solutions
to complex computational problems. The approach enables solutions for problems that may be
either unsolvable or just too time-consuming to solve with current hardware.

Soft computing is the reverse of hard (conventional) computing. It refers to a group of


computational techniques that are based on artificial intelligence (AI) and natural selection. It
provides cost-effective solutions to the complex real-life problems for which hard computing
solution does not exist.

Zadeh coined the term of soft computing in 1992. The objective of soft computing is to provide
precise approximation and quick solutions for complex real-life problems.

In simple terms, you can understand soft computing - an emerging approach that gives the
amazing ability of the human mind. It can map a human mind and the human mind is a role
model for soft computing.

Some characteristics of Soft computing:

o Soft computing provides an approximate but precise solution for real-life problems.
o The algorithms of soft computing are adaptive, so the current process is not affected by
any kind of change in the environment.
o The concept of soft computing is based on learning from experimental data. It means
that soft computing does not require any mathematical model to solve the problem.
o Soft computing helps users to solve real-world problems by providing approximate
results that conventional and analytical models cannot solve.
o It is based on Fuzzy logic, genetic algorithms, machine learning, ANN, and expert
systems.
Example
Soft computing deals with the approximation model. Yoi will understand with the help of
examples of how it deals with the approximation model.
Let's consider a problem that actually does not have any solution via traditional computing, but
soft computing gives the approximate solution.
string1 = "xyz" and string2 = "xyw"
1. Problem 1
2. Are string1 and string2 same?
3. Solution
4. No, the solution is simply No. It does not require any algorithm to analyze this.
Let's modify the problem a bit.
1. Problem 2
2. How much string1 and string2 are same?
3. Solution
4. Through conventional programming, either the answer is Yes or No. But these strings might be 8
0% similar according to soft computing.

Applications of soft computing


There are several applications of soft computing where it is used. Some of them are listed below:
o It is widely used in gaming products like Poker and Checker.
o In kitchen appliances, such as Microwave and Rice cooker.
o In most used home appliances - Washing Machine, Heater, Refrigerator, and AC as
well.
o Apart from all these usages, it is also used in Robotics work (Emotional per Robot
form).
o Image processing and Data compression are also popular applications of soft
computing.
o Used for handwriting recognition.

As we already said that, soft computing provides the solution to real-time problems and here you
can see that. Besides these applications, there are many other applications of soft computing.

Need of soft computing


Sometimes, conventional computing or analytical models does not provide a solution to some
real-world problems. In that case, we require other technique like soft computing to obtain an
approximate solution.
o Hard computing is used for solving mathematical problems that need a precise answer. It
fails to provide solutions for some real-life problems. Thereby for real-life problems
whose precise solution does not exist, soft computing helps.
o When conventional mathematical and analytical models fail, soft computing helps, e.g.,
You can map even the human mind using soft computing.
o Analytical models can be used for solving mathematical problems and valid for ideal
cases. But the real-world problems do not have an ideal case; these exist in a non-ideal
environment.
o Soft computing is not only limited to theory; it also gives insights into real-life problems.
o Like all the above reasons, Soft computing helps to map the human mind, which cannot
be possible with conventional mathematical and analytical models.

Elements of soft computing


Soft computing is viewed as a foundation component for an emerging field of conceptual
intelligence. Fuzzy Logic (FL), Machine Learning (ML), Neural Network (NN), Probabilistic
Reasoning (PR), and Evolutionary Computation (EC) are the supplements of soft computing.
Also, these are techniques used by soft computing to resolve any complex problem.
Any problems can be resolved effectively using these components. Following are three types of
techniques used by soft computing:
o Fuzzy Logic
o Artificial Neural Network (ANN)
o Genetic Algorithms

1.Fuzzy Logic (FL)


Fuzzy logic is nothing but mathematical logic which tries to solve problems with an open and
imprecise spectrum of data. It makes it easy to obtain an array of precise conclusions.
Fuzzy logic is basically designed to achieve the best possible solution to complex problems from
all the available information and input data. Fuzzy logics are considered as the best solution
finders.
2.Neural Network (ANN)
Neural networks were developed in the 1950s, which helped soft computing to solve real-world
problems, which a computer cannot do itself. We all know that a human brain can easily describe
real-world conditions, but a computer cannot.
An artificial neural network (ANN) emulates a network of neurons that makes a human brain
(means a machine that can think like a human mind). Thereby the computer or a machine can
learn things so that they can take decisions like the human brain.
Artificial Neural Networks (ANN) are mutually connected with brain cells and created using
regular computing programming. It is like as the human neural system.
3.Genetic Algorithms (GA)
Genetic algorithm is almost based on nature and take all inspirations from it. There is no genetic
algorithm that is based on search-based algorithms, which find its roots in natural selection and
the concept of genetics.
In addition, a genetic algorithm is a subset of a large branch of computation.

Difference between Soft Computing and Hard Computing


Soft Computing could be a computing model evolved to resolve the non-linear issues that
involve unsure, imprecise and approximate solutions of a tangle. These sorts of issues square
measure thought of as real-life issues wherever the human-like intelligence is needed to resolve
it.

Hard Computing is that the ancient approach employed in computing that desires Associate in
Nursing accurately declared analytical model. the outcome of hard computing approach is a
warranted, settled, correct result and defines definite management actions employing a
mathematical model or algorithmic rule. It deals with binary and crisp logic that need the precise
input file consecutive. Hard computing isn’t capable of finding the real world problem’s solution.

Difference between Soft Computing and Hard Computing:


S.NO Soft Computing Hard Computing

Soft Computing is liberal of


inexactness, uncertainty, partial Hard computing needs a exactly
1. truth and approximation. state analytic model.

Soft Computing relies on formal Hard computing relies on binary


2. logic and probabilistic reasoning. logic and crisp system.

Hard computing has the features of


Soft computing has the features of exactitude(precision) and
3. approximation and dispositionality. categoricity.

Soft computing is stochastic in Hard computing is deterministic in


4. nature. nature.
S.NO Soft Computing Hard Computing

Soft computing works on Hard computing works on exact


5. ambiguous and noisy data. data.

Soft computing can perform parallel Hard computing performs


6. computations. sequential computations.

Soft computing produces Hard computing produces precise


7. approximate results. results.

Soft computing will emerge its own Hard computing requires programs
8. programs. to be written.

Soft computing incorporates


9. randomness . Hard computing is settled.

Soft computing will use Hard computing uses two-valued


10. multivalued logic. logic.
Difference between AI and Soft Computing
Artificial Intelligence: AI manages more comprehensive issues of automating a system. This
computerization should be possible by utilizing any field such as image processing, cognitive
science, neural systems, machine learning etc. AI manages the making of machines, frameworks
and different gadgets savvy by enabling them to think and do errands as all people generallydo.

Soft Computing: Soft Computing could be a computing model evolved to resolve the non-linear
issues that involve unsure, imprecise and approximate solutions of a tangle. These sorts of issues
square measure thought of as real-life issues wherever the human-like intelligence is needed to
resolve it.
Difference between AI and Soft Computing:
S.NO. A.I. SOFT COMPUTING

Soft Computing aims to exploit


Artificial Intelligence is the art and science of tolerance for uncertainty, imprecision,
1 developing intelligent machines. and partial truth.

Soft Computing comprises techniques


which are inspired by human reasoning
AI plays a fundamental role in finding and have the potential in handling
missing pieces between the interesting real imprecision, uncertainty and partial
2 world problems. truth.

Branches of AI : Branches of soft computing :


1. Reasoning 1. Fuzzy systems
2. Perception 2. Evolutionary computation
3 3. Natural language processing 3. Artificial neural computing

AI has countless applications in healthcare They are used in science and


and widely used in analyzing complicated engineering disciplines such as data
4 medical data. mining, electronics, automotive, etc.

It aims at accommodation with the


Goal is to stimulate human-level intelligence pervasive imprecision of the real
5 in machines. world.
S.NO. A.I. SOFT COMPUTING

They not require all programs to be


written, they can evolve its own
6 They require programs to be written. programs.

They can deal with ambiguous and


7 They require exact input sample. noisy data.

Artificial Intelligence mainly deals with Soft computing mainly deals with the
8 making the machines intelligent. imprecision and probabilities.

AI is also used to solve problems that is at the


human level like pattern identification, Soft computing solves the complicated
problem resolution, plan execution, real-world situations to bring better
automating analytical jobs, detecting solutions that some researchers cannot
9 efficiencies and performance enhancement. quantitatively describe.

Constituents of Soft Computing :

“Basically, soft computing is not a homogeneous body of concepts and techniques. Rather, it is a
partnership of distinct methods that in one way or another conform to its guiding principle. The
dominant aim of soft computing is to exploit the tolerance for imprecision and uncertainty to
achieve tractability, robustness and low solutions cost. The principal constituents of soft
computing are fuzzy logic, neurocomputing, and probabilistic reasoning, with the latter
subsuming genetic algorithms, belief networks, chaotic systems, and parts of learning theory. In
the partnership of fuzzy logic, neurocomputing, and probabilistic reasoning, fuzzy logic is
mainly concerned with imprecision and approximate reasoning; neurocomputing with learning
and curve-fitting; and probabilistic reasoning with uncertainty and belief propagation”.

In the soft computing framework, the basic idea which has been developed so far has consisted
in supposing that there is a set of resolving agents which are basically algorithms for solving
combinatorial optimization problems, and to execute them cooperatively by means of a
coordinating agent to solve the problem in question, taking the generality based on minimum
knowledge of a problem as a fundamental premise. Each solving agent acts autonomously and
only communicates with a coordinating agent to send it the solutions as it finds them and to
receive guidelines about how to proceed. The coordinating agent receives the solutions found by
each solving agent for the problem, and following a fuzzy rule base to model its behavior, it
creates the guidelines which it then sends to them, thereby taking total control of the strategy.

Basic Concepts in Machine Learning


Machine Learning is continuously growing in the IT world and gaining strength in different
business sectors. Although Machine Learning is in the developing phase, it is popular among all
technologies. It is a field of study that makes computers capable of automatically learning and
improving from experience. Hence, Machine Learning focuses on the strength of computer
programs with the help of collecting data from various observations. In this article, ''Concepts in
Machine Learning'', we will discuss a few basic concepts used in Machine Learning such as what
is Machine Learning, technologies and algorithms used in Machine Learning, Applications and
example of Machine Learning, and much more. So, let's start with a quick introduction to
machine learning.
1.What is Machine Learning?
Machine Learning is defined as a technology that is used to train machines to perform various
actions such as predictions, recommendations, estimations, etc., based on historical data or past
experience.
Machine Learning enables computers to behave like human beings by training them with the
help of past experience and predicted data.
There are three key aspects of Machine Learning, which are as follows:
o Task: A task is defined as the main problem in which we are interested. This
task/problem can be related to the predictions and recommendations and estimations, etc.
o Experience: It is defined as learning from historical or past data and used to estimate and
resolve future tasks.
o Performance: It is defined as the capacity of any machine to resolve any machine
learning task or problem and provide the best outcome for the same. However,
performance is dependent on the type of machine learning problems.

2.Techniques in Machine Learning


Machine Learning techniques are divided mainly into the following 4 categories:
1. Supervised Learning
Supervised learning is applicable when a machine has sample data, i.e., input as well as output
data with correct labels. Correct labels are used to check the correctness of the model using some
labels and tags. Supervised learning technique helps us to predict future events with the help of
past experience and labeled examples. Initially, it analyses the known training dataset, and later it
introduces an inferred function that makes predictions about output values. Further, it also
predicts errors during this entire learning process and also corrects those errors through
algorithms.
Example: Let's assume we have a set of images tagged as ''dog''. A machine learning algorithm is
trained with these dog images so it can easily distinguish whether an image is a dog or not.
2. Unsupervised Learning
In unsupervised learning, a machine is trained with some input samples or labels only, while
output is not known. The training information is neither classified nor labeled; hence, a machine
may not always provide correct output compared to supervised learning.
Although Unsupervised learning is less common in practical business settings, it helps in
exploring the data and can draw inferences from datasets to describe hidden structures from
unlabeled data.
Example: Let's assume a machine is trained with some set of documents having different
categories (Type A, B, and C), and we have to organize them into appropriate groups. Because
the machine is provided only with input samples or without output, so, it can organize these
datasets into type A, type B, and type C categories, but it is not necessary whether it is organized
correctly or not.
3. Reinforcement Learning
Reinforcement Learning is a feedback-based machine learning technique. In such type of
learning, agents (computer programs) need to explore the environment, perform actions, and on
the basis of their actions, they get rewards as feedback. For each good action, they get a positive
reward, and for each bad action, they get a negative reward. The goal of a Reinforcement
learning agent is to maximize the positive rewards. Since there is no labeled data, the agent is
bound to learn by its experience only.
4. Semi-supervised Learning
Semi-supervised Learning is an intermediate technique of both supervised and unsupervised
learning. It performs actions on datasets having few labels as well as unlabeled data. However, it
generally contains unlabeled data. Hence, it also reduces the cost of the machine learning model
as labels are costly, but for corporate purposes, it may have few labels. Further, it also increases
the accuracy and performance of the machine learning model.
Sem-supervised learning helps data scientists to overcome the drawback of supervised and
unsupervised learning. Speech analysis, web content classification, protein sequence
classification, text documents classifiers., etc., are some important applications of
Semi-supervised learning.
Applications of Machine Learning
Machine Learning is widely being used in approximately every sector, including healthcare,
marketing, finance, infrastructure, automation, etc. There are some important real-world
examples of machine learning, which are as follows:
1.Healthcare and Medical Diagnosis:
Machine Learning is used in healthcare industries that help in generating neural networks. These
self-learning neural networks help specialists for providing quality treatment by analyzing
external data on a patient's condition, X-rays, CT scans, various tests, and screenings. Other than
treatment, machine learning is also helpful for cases like automatic billing, clinical decision
supports, and development of clinical care guidelines, etc.
2.Marketing:
Machine learning helps marketers to create various hypotheses, testing, evaluation, and analyze
datasets. It helps us to quickly make predictions based on the concept of big data. It is also
helpful for stock marketing as most of the trading is done through bots and based on calculations
from machine learning algorithms. Various Deep Learning Neural network helps to build trading
models such as Convolutional Neural Network, Recurrent Neural Network, Long-short term
memory, etc.
3.Self-driving cars:
This is one of the most exciting applications of machine learning in today's world. It plays a vital
role in developing self-driving cars. Various automobile companies like Tesla, Tata, etc., are
continuously working for the development of self-driving cars. It also becomes possible by the
machine learning method (supervised learning), in which a machine is trained to detect people
and objects while driving.
4.Speech Recognition:
Speech Recognition is one of the most popular applications of machine learning. Nowadays,
almost every mobile application comes with a voice search facility. This ''Search By Voice''
facility is also a part of speech recognition. In this method, voice instructions are converted into
text, which is known as Speech to text" or "Computer speech recognition.
5.Google assistant, SIRI, Alexa, Cortana, etc., are some famous applications of speech
recognition.
6.Traffic Prediction:Machine Learning also helps us to find the shortest route to reach our
destination by using Google Maps. It also helps us in predicting traffic conditions, whether it is
cleared or congested, through the real-time location of the Google Maps app and sensor.

7.Image Recognition:
Image recognition is also an important application of machine learning for identifying objects,
persons, places, etc. Face detection and auto friend tagging suggestion is the most famous
application of image recognition used by Facebook, Instagram, etc. Whenever we upload photos
with our Facebook friends, it automatically suggests their names through image recognition
technology.
8.Product Recommendations:
Machine Learning is widely used in business industries for the marketing of various products.
Almost all big and small companies like Amazon, Alibaba, Walmart, Netflix, etc., are using
machine learning techniques for products recommendation to their users. Whenever we search
for any products on their websites, we automatically get started with lots of advertisements for
similar products. This is also possible by Machine Learning algorithms that learn users' interests
and, based on past data, suggest products to the user.
Automatic Translation:
Automatic language translation is also one of the most significant applications of machine
learning that is based on sequence algorithms by translating text of one language into other
desirable languages. Google GNMT (Google Neural Machine Translation) provides this feature,
which is Neural Machine Learning. Further, you can also translate the selected text on images as
well as complete documents through Google Lens.
9.Virtual Assistant:
A virtual personal assistant is also one of the most popular applications of machine learning.
First, it records out voice and sends to cloud-based server then decode it with the help of
machine learning algorithms. All big companies like Amazon, Google, etc., are using these
features for playing music, calling someone, opening an app and searching data on the internet,
etc.
10.Email Spam and Malware Filtering:
Machine Learning also helps us to filter various Emails received on our mailbox according to
their category, such as important, normal, and spam. It is possible by ML algorithms such as
Multi-Layer Perceptron, Decision tree, and Naïve Bayes classifier.
Commonly used Machine Learning Algorithms
list of a few commonly used Machine Learning Algorithms as follows:

1.Linear Regression
Linear Regression is one of the simplest and popular machine learning algorithms recommended
by a data scientist. It is used for predictive analysis by making predictions for real variables such
as experience, salary, cost, etc.
It is a statistical approach that represents the linear relationship between two or more variables,
either dependent or independent, hence called Linear Regression. It shows the value of the
dependent variable changes with respect to the independent variable, and the slope of this graph
is called as Line of Regression.

Linear Regression can be expressed mathematically as follows:


y= a0+a1x+ ε
Y= Dependent Variable
X= Independent Variable
a0= intercept of the line (Gives an additional degree of freedom)
a1 = Linear regression coefficient (scale factor to each input value).
ε = random error
The values for x and y variables are training datasets for Linear Regression model representation.
Types of Linear Regression:
o Simple Linear Regression
o Multiple Linear Regression

Applications of Linear Regression:


Linear Regression is helpful for evaluating the business trends and forecasts such as prediction of
salary of a person based on their experience, prediction of crop production based on the amount
of rainfall, etc.
Logistic Regression
Logistic Regression is a subset of the Supervised learning technique. It helps us to predict the
output of categorical dependent variables using a given set of independent variables. However, it
can be Binary (0 or 1) as well as Boolean (true/false), but instead of giving an exact value, it
gives a probabilistic value between o or 1. It is much similar to Linear Regression, depending on
its use in the machine learning model. As Linear regression is used for solving regression
problems, similarly, Logistic regression is helpful for solving classification problems.
Logistic Regression can be expressed as an 'S-shaped curve called sigmoid functions. It predicts
two maximum values (0 or 1).
Mathematically, we can express Logistic regression as follows:
Types of Logistic Regression:
o Binomial
o Multinomial
o Ordinal

K Nearest Neighbour (KNN)


It is also one of the simplest machine learning algorithms that come under supervised learning
techniques. It is helpful for solving regression as well as classification problems. It assumes the
similarity between the new data and available data and puts the new data into the category that is
most similar to the available categories. It is also known as Lazy Learner Algorithms because it
does not learn from the training set immediately; instead, it stores the dataset, and at the time of
classification, it performs an action on the dataset. Let's suppose we have a few sets of images of
cats and dogs and want to identify whether a new image is of a cat or dog. Then KNN algorithm
is the best way to identify the cat from available data sets because it works on similarity
measures. Hence, the KNN model will compare the new image with available images and put the
output in the cat's category.
Let's understand the KNN algorithm with the below screenshot, where we have to assign a new
data point based on the similarity with available data points.
Applications of KNN algorithm in Machine Learning
Including Machine Learning, KNN algorithms are used in so many fields as follows:
o Healthcare and Medical diagnosis
o Credit score checking
o Text Editing
o Hotel Booking
o Gaming
o Natural Language Processing, etc.

K-Means Clustering
K-Means Clustering is a subset of unsupervised learning techniques. It helps us to solve
clustering problems by means of grouping the unlabeled datasets into different clusters. Here K
defines the number of pre-defined clusters that need to be created in the process, as if K=2, there
will be two clusters, and for K=3, there will be three clusters, and so on.
Decision Tree
Decision Tree is also another type of Machine Learning technique that comes under Supervised
Learning. Similar to KNN, the decision tree also helps us to solve classification as well as
regression problems, but it is mostly preferred to solve classification problems. The name
decision tree is because it consists of a tree-structured classifier in which attributes are
represented by internal nodes, decision rules are represented by branches, and the outcome of the
model is represented by each leaf of a tree. The tree starts from the decision node, also known as
the root node, and ends with the leaf node.

Decision nodes help us to make any decision, whereas leaves are used to determine the output of
those decisions.
A Decision Tree is a graphical representation for getting all the possible outcomes to a problem
or decision depending on certain given conditions.
Random Forest
Random Forest is also one of the most preferred machine learning algorithms that come under
the Supervised Learning technique. Similar to KNN and Decision Tree, It also allows us to solve
classification as well as regression problems, but it is preferred whenever we have a requirement
to solve a complex problem and to improve the performance of the model.
A random forest algorithm is based on the concept of ensemble learning, which is a process of
combining multiple classifiers.
Random forest classifier is made from a combination of a number of decision trees as well as
various subsets of the given dataset. This combination takes input as an average prediction from
all trees and improves the accuracy of the model. The greater number of trees in the forest leads
to higher accuracy and prevents the problem of overfitting. Further, It also takes less training
time as compared to other algorithms.
Support Vector Machines (SVM)
It is also one of the most popular machine learning algorithms that come as a subset of the
Supervised Learning technique in machine learning. The goal of the support vector machine
algorithm is to create the best line or decision boundary that can segregate n-dimensional space
into classes so that we can easily put the new data point in the correct category in the future. This
best decision boundary is called a hyperplane. It is also used to solve classification as well as
regression problems. It is used for Face detection, image classification, text categorization, etc.
Naïve Bayes
The naïve Bayes algorithm is one of the simplest and most effective machine learning algorithms
that come under the supervised learning technique. It is based on the concept of the Bayes
Theorem, used to solve classification-related problems. It helps to build fast machine learning
models that can make quick predictions with greater accuracy and performance. It is mostly
preferred for text classification having high-dimensional training datasets.
It is used as a probabilistic classifier which means it predicts on the basis of the probability of an
object. Spam filtration, Sentimental analysis, and classifying articles are some important
applications of the Naïve Bayes algorithm.
It is also based on the concept of Bayes Theorem, which is also known as Bayes' Rule or Bayes'
law. Mathematically, Bayes Theorem can be expressed as follows:
Where,
o P(A) is Prior Probability
o P(B) is Marginal Probability
o P(A|B) is Posterior probability
o P(B|A) is Likelihood probability

Difference between machine learning and Artificial Intelligence


o Artificial intelligence is a technology using which we can create intelligent systems that
can simulate human intelligence, whereas Machine learning is a subfield of artificial
intelligence, which enables machines to learn from past data or experiences.
o Artificial Intelligence is a technology used to create an intelligent system that enables a
machine to simulate human behavior. Whereas, Machine Learning is a branch of AI
which helps a machine to learn from experience without being explicitly programmed.
o AI helps to make humans like intelligent computer systems to solve complex problems.
Whereas, ML is used to gain accurate predictions from past data or experience.
o AI can be divided into Weak AI, General AI, and Strong AI. Whereas, IML can be
divided into Supervised learning, Unsupervised learning, and Reinforcement learning.
o Each AI agent includes learning, reasoning, and self-correction. Each ML model includes
learning and self-correction when introduced with new data.
o AI deals with Structured, semi-structured, and unstructured data. ML deals with
Structured and semi-structured data.
o Applications of AI: Siri, customer support using catboats, Expert System, Online game
playing, an intelligent humanoid robot, etc. Applications of ML: Online recommender
system, Google search algorithms, Facebook auto friend tagging suggestions, etc.

You might also like