[go: up one dir, main page]

0% found this document useful (0 votes)
52 views11 pages

ML Unit1

Uploaded by

balu30968
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)
52 views11 pages

ML Unit1

Uploaded by

balu30968
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/ 11

ML 1st UNIT

Part-I:
Artificial Intelligence (AI) :

AI is one of the fascinating and universal fields of Computer science which has a great scope in future. AI holds a tendency to cause a machine to
work as a human.

Artificial Intelligence is composed of two words Artificial and Intelligence.where ,Artificial defines "man-made," and intelligence defines
"thinking power".Hence AI means "a man-made thinking power."

So, we can define AI as: "It is a branch of computer science by which we can create intelligent machines which can behave like a human, think
like humans, and able to make decisions."

(or)

“AI is the branch of science that deals with helping machines and finding solutions to complex problems in more human-like fashions.”

Types of Artificial Intelligence:

Artificial Intelligence can be divided in various types, there are mainly two types of main categorization which are based on capabilities and
based on functionally of AI.

AI type-1: Based on Capabilities

1. Weak AI or Narrow AI:

i. Narrow AI is a type of AI which is able to perform a dedicated task with intelligence.The most common and currently available AI is
Narrow AI in the world of Artificial Intelligence.

ii. Narrow AI cannot perform beyond its field or limitations, as it is only trained for one specific task. Hence it is also termed as weak AI.
Narrow AI can fail in unpredictable ways if it goes beyond its limits.

iii. Apple Siriis a good example of Narrow AI, but it operates with a limited pre-defined range of functions.

iv. Some Examples of Narrow AI are playing chess, purchasing suggestions on e-commerce site, self-driving cars, speech recognition,
and image recognition.

2. General AI:

i. General AI is a type of intelligence which could perform any intellectual task with efficiency like a human.

ii. The idea behind the general AI is to make a system which could be smarter and think like a human by its own.Currently, there is no
such system exist which could come under general AI and can perform any task as perfect as a human.

iii. eg.:programming applications,research work oriented programming(science&technology).

3. Strong AI:

i. It is also known as Super AI.


ii. Super AI is a level of Intelligence of Systems at which machines could surpass human intelligence, and can perform any task better
than human with cognitive properties. It is an outcome of general AI.

iii. Some key characteristics of strong AI include capability,ability to think, to reason,solve the puzzle, make judgments, plan, learn, and
communicate by its own.

iv. Eg.:stock market applications based on AI,Business game,Natural Language Processing Applications.

v. Super AI is still a hypothetical concept of Artificial Intelligence.

AI type-2: Based on functionality

1. Reactive Machines

i. Purely reactive machines are the most basic types of Artificial Intelligence.

ii. Such AI systems do not store memories or past experiences for future actions.

iii. These machines only focus on current scenarios and react on it as per possible best action.

iv. Google's AlphaGo is also an example of reactive machines.

2. Limited Memory

i. Limited memory machines can store past experiences or some data for a short period of time.

ii. These machines can use stored data for a limited time period only.

iii. Self-driving cars are one of the best examples of Limited Memory systems.

iv. Eg.:Hard disks,self driving cars,speech recognition system etc.

3. Theory of Mind

i. It is one of the best functionality of human and machine interaction.

ii. Theory of Mind AI should understand the human emotions, people, beliefs, and be able to interact socially like humans.

iii. This type of AI machines are still not developed, but researchers are making lots of efforts and improvement for developing such AI
machines.

4. Self-Awareness

i. Self-awareness AI is the future of Artificial Intelligence. These machines will be super intelligent, and will have their own
consciousness, sentiments, and self-awareness.

ii. These machines will be smarter than human mind.

iii. Self-Awareness AI does not exist in reality still and it is a hypothetical concept.
Advantages of Artificial Intelligence:

a. High Accuracy with less errors

b. High-Speed and reliability

c. Useful for risky areas

d. Digital Assistant

e. Useful as a public utility

Disadvantages of Artificial Intelligence:

a. High Cost

b. Can't think out of the box

c. No feelings and emotions

d. Increase dependency on machines

e. No Original Creativity

Applications of Artificial Intelligence:

a. self driving cars

b. email spam filtering

c. stock market tradings

d. machine transaction

e. speech recognition

Different ways of implementing AI:


a. Machine Learning(ML)

b. Deep learning(DL)

c. Natural Language Processing(NLP)

d. Big data analysis(BD)

e. Reinforcement Learning(REL)

f. Q-Learning(QL)

g. Intelligent agent application

h. Data science analysis

i. statistical learning techniques

j. Devop's amd Mloop's

Machine Learning:

Learning system is a process by which a system improves the performance based on experience.

ML is a field of artificial intelligence that enables computers to learn from data and make predictions.

Machine learning allows computers to automatically learn from previous data.

For building mathematical models and making predictions based on historical data or information, machine learning employs a variety of
algorithms.

It is currently being used for a variety of tasks, including speech recognition, email filtering, auto-tagging on Facebook, a recommender system,
and image recognition.

"ML is a subfield of AI that gives computers the ability to learn without explicitly being programmed."

Machine Learning working:

A machine learning system builds prediction models, learns from previous data, and predicts the output of new data whenever it receives
it. The amount of data helps to build a better model that accurately predicts the output, which in turn affects the accuracy of the predicted output.

Let's say we have a complex problem in which we need to make predictions. To solvw this, we just need to feed the data to generic algorithms,
which will build the logic based on the data and predict the output.
Features of Machine learning:

• Machine learning is data driven technology.

• Machine can learn itself from past data and automatically improve.

• From the given dataset it detects various patterns on data.

• It is similar to data mining because it is also deals with the huge amount of data.

Types of ML:

Machine learning can be classified into three types:

1. Supervised learning

2. Unsupervised learning

3. Semisupervised Learning

4. Reinforcement learning

1) Supervised Learning

In supervised learning, sample labeled data are provided to the machine learning system for training, and the system then predicts the
output based on the training data.
The system uses labeled data to build a model that understands the datasets and learns about each one. After the training and processing are
done, we test the model with sample data to see if it can accurately predict the output.

Spam filtering is an example of supervised learning.

Supervised learning can be grouped further in two categories of algorithms:

• Classification

• Regression

2) Unsupervised Learning

Unsupervised learning is a learning method in which a machine learns without any supervision.

The training is provided to the machine with the set of data that has not been labeled, classified, or categorized, and the algorithm needs to act
on that data without any supervision. The goal of unsupervised learning is to restructure the input data into new features or a group of objects
with similar patterns.

It can be further classifieds into two categories of algorithms:

• Clustering

• Association

3) Semisupervised Learning

Semi-supervised learning combines elements of both supervised and unsupervised learning. It leverages a small amount of labeled data
along with a larger unlabeled dataset. This approach is useful when obtaining labeled data is expensive or time-consuming.

Semi-supervised learning is a type of machine learning that falls in between supervised and unsupervised learning. It is a method that
uses a small amount of labeled data and a large amount of unlabeled data to train a model.

The goal of semi-supervised learning is to learn a function that can accurately predict the output variable based on the input variables,
similar to supervised learning. However, unlike supervised learning, the algorithm is trained on a dataset that contains both labeled and unlabeled
data.

Semi-supervised learning is particularly useful when there is a large amount of unlabeled data available, but it’s too expensive or difficult
to label all of it.

4 ) Reinforcement Learning

Reinforcement learning is a feedback-based learning method, in which a learning agent gets a reward for each right action and
gets a penalty for each wrong action. The agent learns automatically with these feedbacks and improves its performance. In reinforcement
learning, the agent interacts with the environment and explores it.

The goal of an agent is to get the most reward points, and hence, it improves its performance.

The robotic dog, which automatically learns the movement of his arms, is an example of Reinforcement learning.

Applications of Machine learning:

• Image Recognition:

Image recognition is one of the most common applications of machine learning. It is used to identify objects, persons, places, digital images,
etc. The popular use case of image recognition and face detection is, Automatic friend tagging suggestion.

Facebook provides us a feature of auto friend tagging suggestion. Whenever we upload a photo with our Facebook friends, then we
automatically get a tagging suggestion with name, and the technology behind this is machine learning's face detection and recognition algorithm.

• Speech Recognition:

While using Google, we get an option of "Search by voice," it comes under speech recognition, and it's a popular application of machine
learning.

• Traffic prediction:
If we want to visit a new place, we take help of Google Maps, which shows us the correct path with the shortest route and predicts the traffic
conditions.

It predicts the traffic conditions such as whether traffic is cleared, slow-moving, or heavily congested with the help of two ways:

Real Time location of the vehicle form Google Map app and sensors

Average time has taken on past days at the same time.

• Product recommendations:

Machine learning is widely used by various e-commerce and entertainment companies such as Amazon, Netflix, etc., for product
recommendation to the user. Whenever we search for some product on Amazon, then we started getting an advertisement for the same product
while internet surfing on the same browser and this is because of machine learning.

• Self-driving cars:

One of the most exciting applications of machine learning is self-driving cars. Machine learning plays a significant role in self-driving
cars. Tesla, the most popular car manufacturing company is working on self-driving car. It is using unsupervised learning method to train the car
models to detect people and objects while driving.

• Email Spam and Malware Filtering:

Whenever we receive a new email, it is filtered automatically as important, normal, and spam. We always receive an important mail in our
inbox with the important symbol and spam emails in our spam box, and the technology behind this is Machine learning.

• Virtual Personal Assistant:

We have various virtual personal assistants such as Google assistant, Alexa, Cortana, Siri. As the name suggests, they help us in finding the
information using our voice instruction. These assistants can help us in various ways just by our voice instructions such as Play music, call
someone, Open an email, Scheduling an appointment, etc.

These virtual assistants use machine learning algorithms as an important part.

• Online Fraud Detection:

Machine learning is making our online transaction safe and secure by detecting fraud transaction.

• Stock Market trading:

Machine learning is widely used in stock market trading. In the stock market, there is always a risk of up and downs in shares, so for this
machine learning's long short term memory neural network is used for the prediction of stock market trends.

• Medical Diagnosis:

In medical science, machine learning is used for diseases diagnoses. With this, medical technology is growing very fast and able to build 3D
models that can predict the exact position of lesions in the brain.

It helps in finding brain tumors and other brain-related diseases easily.

• Automatic Language Translation:

Google's GNMT (Google Neural Machine Translation) provide this feature, which is a Neural Machine Learning that translates the text into our
familiar language, and it called as automatic translation.

The technology behind the automatic translation is a sequence to sequence learning algorithm, which is used with image recognition and
translates the text from one language to another language.

Main challenges faced by Machine learning:

There are a lot of challenges that machine learning professionals face to inculcate ML skills and create an application from scratch.

1. Poor Quality of Data

• Data plays a significant role in the machine learning process.

• One of the significant issues that machine learning professionals face is the absence of good quality data.
• Unclean and noisy data can make the whole process extremely exhausting. We don’t want our algorithm to make inaccurate or faulty
predictions. Hence the quality of data is essential to enhance the output.

• Therefore, we need to ensure that the process of data preprocessing which includes removing outliers, filtering missing values, and
removing unwanted features, is done with the utmost level of perfection.

2. Underfitting of Training Data

This process occurs when data is unable to establish an accurate relationship between input and output variables. It simply means trying to
fit in undersized jeans. It signifies the data is too simple to establish a precise relationship.

To overcome this issue:

• Maximize the training time

• Enhance the complexity of the model

• Add more features to the data

• Reduce regular parameters

• Increasing the training time of model

3. Overfitting of Training Data

Overfitting refers to a machine learning model trained with a massive amount of data that negatively affect its performance. It is like trying
to fit in Oversized jeans.

This is one of the significant issues faced by machine learning professionals. This means that the algorithm is trained with noisy and biased
data, which will affect its overall performance.

Example:Let’s consider a model trained to differentiate between a cat, a rabbit, a dog, and a tiger. The training data contains 1000 cats, 1000
dogs, 1000 tigers, and 4000 Rabbits. Then there is a considerable probability that it will identify the cat as a rabbit. In this example, we had a vast
amount of data, but it was biased; hence the prediction was negatively affected.

We can tackle this issue by:

• Analyzing the data with the utmost level of perfection

• Use data augmentation technique

• Remove outliers in the training set

• Select a model with lesser features

4. Machine Learning is a Complex Process

• The machine learning industry is young and is continuously changing.

• The process is transforming, and hence there are high chances of error which makes the learning complex.

• It includes analyzing the data, removing data bias, training data, applying complex mathematical calculations, and a lot more.

• Hence it is a really complicated process which is another big challenge for Machine learning professionals.

5. Lack of Training Data

• The most important task you need to do in the machine learning process is to train the data to achieve an accurate output.

• Less amount training data will produce inaccurate or too biased predictions.

Example :

Consider a machine learning algorithm similar to training a child. One day you decided to explain to a child how to distinguish between an
apple and a watermelon. You will take an apple and a watermelon and show him the difference between both based on their color, shape, and
taste. In this way, soon, he will attain perfection in differentiating between the two.
But on the other hand, a machine-learning algorithm needs a lot of data to distinguish. For complex problems, it may even require millions of
data to be trained. Therefore we need to ensure that Machine learning algorithms are trained with sufficient amounts of data.

6. Slow Implementation

• This is one of the common issues faced by machine learning professionals.

• The machine learning models are highly efficient in providing accurate results, but it takes a tremendous amount of time.

• Slow programs, data overload, and excessive requirements usually take a lot of time to provide accurate results.

• Further, it requires constant monitoring and maintenance to deliver the best output.

7. Imperfections in the Algorithm When Data Grows

• For ex,you have found quality data, trained it amazingly, and the predictions are really concise and accurate. You have learned how to
create a machine learning algorithm!!

• But ,the model may become useless in the future as data grows.

• The best model of the present may become inaccurate in the coming Future and require further rearrangement.

• So you need regular monitoring and maintenance to keep the algorithm working. This is one of the most exhausting issues faced by
machine learning professionals.

working principles of Machine learning/how machine learning works :

Machine Learning enables computers to learn from data and make predictions or decisions without explicit programming. The process involves
several key steps:

1. Data Collection: The first step in Machine Learning is gathering relevant data representing the problem or task at hand. This data can
be collected from various sources such as databases, sensors, or online platforms.

2. Data Preprocessing: Once the data is collected, it needs to be pre-processed to ensure its quality and suitability for training the
model. This involves cleaning the data, handling missing values, and normalizing or transforming the data to a consistent format.

3. Feature Extraction and Selection: The collected data may contain many features or attributes in many cases. Feature extraction and
selection involve identifying the most informative and relevant features contributing to the learning task. This helps reduce the data's
dimensionality and improves the learning process's efficiency and effectiveness.

4. Model Training: The training phase involves feeding the pre-processed data into a Machine Learning algorithm or model. The model
learns from the data by adjusting its internal parameters based on the patterns and relationships it discovers. This is done through
iterative optimization processes, such as gradient descent or backpropagation, depending on the specific algorithm used.

5. Model Evaluation: The model must be evaluated to assess its performance and generalization ability after training it. This is typically
done using a separate data set called the test set, which was not used during training. Common evaluation metrics include accuracy,
precision, recall, and F1 score, depending on the nature of the learning task.

6. Prediction or Decision Making: Once the model is trained and evaluated, it can predict or decide on new, unseen data. The model
takes input features and applies the learned patterns to generate the desired output or prediction.

7. Model Refinement and Iteration: ML is an iterative process that involves refining the model based on their feedback and new
dataset. If the model's performance is unsatisfactory and not accurate, then we can make adjustments by retraining the model with
additional data, changing the algorithm, or tuning the model's parameters.

Deep learning:

i. Deep learning is a branch of machine learning which is based on artificial neural networks.

ii. It is capable of learning complex patterns and relationships within data. In deep learning, we don’t need to explicitly program
everything.

iii. It has become increasingly popular in recent years due to the advances in processing power and the availability of large datasets.

iv. Because it is based on artificial neural networks (ANNs) also known as deep neural networks (DNNs).

v. These neural networks are inspired by the structure and function of the human brain’s biological neurons, and they are designed to
learn from large amounts of data.

vi. Deep Learning is a subfield of Machine Learning that involves the use of neural networks to model and solve complex problems.
Neural networks are modeled after the structure and function of the human brain and consist of layers of interconnected nodes that
process and transform data.

vii. The key characteristic of Deep Learning is the use of deep neural networks, which have multiple layers of interconnected nodes. These
networks can learn complex representations of data by discovering hierarchical patterns and features in the data. Deep Learning
algorithms can automatically learn and improve from data without the need for manual feature engineering.

viii. Deep Learning has achieved significant success in various fields, including image recognition, natural language processing, speech
recognition, and recommendation systems. Some of the popular Deep Learning architectures include Convolutional Neural Networks
(CNNs), Recurrent Neural Networks (RNNs), and Deep Belief Networks (DBNs).

ix. Training deep neural networks typically requires a large amount of data and computational resources. However, the availability of
cloud computing and the development of specialized hardware, such as Graphics Processing Units (GPUs), has made it easier to train
deep neural networks.

Deep learning applications:

• Self-Driving Cars

In self-driven cars, it is able to capture the images around it by processing a huge amount of data, and then it will decide which actions should be
incorporated to take a left or right or should it stop. So, accordingly, it will decide what actions it should take, which will further reduce the
accidents that happen every year.

• Voice Controlled Assistance

When we talk about voice control assistance, then Siri is the one thing that comes into our mind. So, you can tell Siri whatever you want it to do it
for you, and it will search it for you and display it for you.

• Automatic Image Caption Generation

Whatever image that you upload, the algorithm will work in such a way that it will generate caption accordingly. If you say blue colored eye, it
will display a blue-colored eye with a caption at the bottom of the image.

• Automatic Machine Translation

With the help of automatic machine translation, we are able to convert one language into another with the help of deep learning.

Limitations:

**It only learns through the observations.

**It comprises of biases issues.

Advantages:

**It lessens the need for feature engineering.

**It eradicates all those costs that are needless.

**It easily identifies difficult defects.

**It results in the best-in-class performance on problems.

Disadvantages:

**It requires an ample amount of data.

**It is quite expensive to train.

**It does not have strong theoretical groundwork.

You might also like