0% found this document useful (0 votes)
13 views14 pages

Cti Research

Uploaded by

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

Cti Research

Uploaded by

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

AMA EDUCATION SYSTEM

2355 Legarda St., Marique Sampaloc, Manila

Members Name:
Malibong, Yiessa Gail
Reyes, Adrian
Pua, Mary Grace L.
Triñanez, Alexandra
Fajardo, Fhraenxine G.

Score: _____________

Course/Yr/Section: BSIS 31B


Date: ______________

Subject: Current Trends and Issues


Week: 2

Topic: Machine Learning

Sub-Topics:

- History of Machine Learning


- Types of Machine Learning
- Machine Learning models
- Steps in Machine Learning
- Application of Machine Learning

References:
- IBM TechXchange Conference (2024). What is machine learning (ML)?. An Article
retrieved from https://www.ibm.com/topics/machine-learning.

- Geeksforgeeks (2023). Types of Machine Learning. An Article retrieved from


https://www.geeksforgeeks.org/types-of-machine-learning/.

- Javatpoint (2024). Machine Learning Models. An Article retrieved from


https://www.javatpoint.com/machine-learning-models.

- Mayank Banoula (2023). Machine Learning Steps: A Complete Guide. An Article


retrieved from
https://www.simplilearn.com/tutorials/machine-learning-tutorial/machine-learning-
steps.

- Nikita Duggal (2024). Top 10 Machine Learning Applications and Examples in 2024. An
Article retrieved from https://www.simplilearn.com/tutorials/machine-learning-
tutorial/machine-learning-applications.
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

History of Machine Learning


Guide Question:
1. What is machine learning and it’s challenges

Machine learning (ML) is a branch of computer science that focuses on using data and
algorithms to enable AI to imitate the way that humans learn, gradually improving its accuracy.
Without a doubt, the advancement of machine learning technology has made our lives easier.
But using machine learning in the workplace has also brought up a lot of ethical questions
around AI. Among these are a few of these:

- Technological singularity
Although AI's potential to surpass human intelligence garners attention, many researchers don't
see it as an immediate concern. However, as we progress with technologies like self-driving
cars, we face ethical dilemmas about responsibility and the extent to which we should adopt
full autonomy.
- AI impact on jobs
Instead of focusing on AI-related job losses, we should recognize that technological
advancements shift job demands, requiring workers to adapt to new roles. Like the auto
industry's transition to electric vehicles, AI will create new job opportunities, particularly in
managing and supporting AI systems.
- Privacy
Discussions on privacy often focus on data protection and security, prompting recent legislative
efforts like the GDPR in the EU and CCPA in the US. These laws have led companies to prioritize
data security and rethink their handling of personally identifiable information (PII) to prevent
breaches and cyberattacks.
- Bias and discrimination
Bias and discrimination in machine learning systems highlight serious ethical concerns,
especially as training data may reflect human biases. Examples like Amazon's biased hiring
algorithms and IBM discontinuing facial recognition technology underscore the need for
stringent AI ethics and values.

- Accountability
Without strong AI regulations, companies are primarily motivated to be ethical by avoiding
negative impacts on profits. Ethical frameworks have been developed to guide responsible AI
development, but they lack enforcement power.

2. How does machine learning work?

A Decision Process: In general, machine learning algorithms are used to make a prediction
or classification. Based on some input data, which can be labeled or unlabeled, your
algorithm will produce an estimate about a pattern in the data.

An Error Function: An error function evaluates the prediction of the model. If there are
known examples, an error function can make a comparison to assess the accuracy of the
model.

A Model Optimization Process: If the model can fit better to the data points in the training
set, then weights are adjusted to reduce the discrepancy between the known example
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

and the model estimate. The algorithm will repeat this iterative “evaluate and optimize”
process, updating weights autonomously until a threshold of accuracy has been met.

Types of Machine Learning


Guide Question:
1. What are the types of Machine Learning?

There are several types of machine learning, each with special characteristics and applications.
Some of the main types of machine learning algorithms are as follows:

1. Supervised Machine Learning

- The process of training a model using a "Labelled Dataset" is known as supervised


learning. Datasets with labels contain parameters for both input and output. Algorithms
that use supervised learning learn to map points between inputs and accurate outputs.
It has labeled datasets for both training and validation.

2. Unsupervised Machine Learning

- Using unlabeled data, an algorithm finds patterns and relationships in unsupervised


learning, a sort of machine learning technique. Unsupervised learning does not require
giving the algorithm labeled target outputs, in contrast to supervised learning. Finding
underlying patterns, similarities, or clusters in the data is frequently the main objective
of unsupervised learning. These findings can then be applied to a variety of tasks,
including dimensionality reduction, data exploration, and visualization.
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

3. Semi-Supervised Machine Learning

- Semi-supervised learning is a machine learning method that uses both labeled and
unlabeled data. It's helpful when labeling data is difficult or expensive. This approach is
useful for large datasets with limited labeled data. We use semi-supervised learning to
predict labels for unlabeled data and then use supervised techniques to learn from the
labeled data. This technique is often used for image datasets where not all images are
labeled.

4. Reinforcement Learning

- An approach to learning that engages with the environment by generating actions and
identifying mistakes is the reinforcement machine learning algorithm. The most
important features of reinforcement learning are trial and error and delay. With this
method, the model learns the behavior or pattern by continuously improving its
performance through Reward Feedback. These algorithms are specific to a certain
problem e.g. AlphaGo, a Google self-driving automobile, pits a bot against people and
even against itself to become increasingly proficient at the Go game. They gain
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

knowledge and expand their repertoire with each new set of data we feed them—
training data. It thus becomes more trained and, thus, more experienced the more it
learns.

Machine Learning models


Guide Question:
1. What is Machine Learning Model and the Classification of Machine Learning Models?
What is Machine Learning Model?

Machine Learning models can be understood as a program that has been trained to find patterns within
new data and make predictions. These models are represented as a mathematical function that takes
requests in the form of input data, makes predictions on input data, and then provides an output in
response. First, these models are trained over a set of data, and then they are provided an algorithm to
reason over data, extract the pattern from feed data and learn from those data. Once these models get
trained, they can be used to predict the unseen dataset.

Classification of Machine Learning Models:


Based on different business goals and data sets, there are three learning models for algorithms. Each
machine learning algorithm settles into one of the three models:

● Supervised Learning
● Unsupervised Learning
● Reinforcement Learning
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Supervised Learning is further divided into two categories:

● Classification
● Regression

Unsupervised Learning is also divided into below categories:

● Clustering
● Association Rule
● Dimensionality Reduction

1. Supervised Machine Learning Models


Supervised Learning is the simplest machine learning model to understand in which input data is called
training data and has a known label or result as an output. So, it works on the principle of input-output
pairs. It requires creating a function that can be trained using a training data set, and then it is applied to
unknown data and makes some predictive performance. Supervised learning is task-based and tested on
labeled data sets.

We can implement a supervised learning model on simple real-life problems. For example, we have a
dataset consisting of age and height; then, we can build a supervised learning model to predict the
person's height based on their age.

There are various types of machine learning models available based on different business goals and data
sets.

Supervised Learning models are further classified into two categories:

Regression
In regression problems, the output is a continuous variable. Some commonly used Regression models
are as follows:

a) Linear Regression

Linear regression is the simplest machine learning model in which we try to predict one output variable
using one or more input variables. The representation of linear regression is a linear equation, which
combines a set of input values(x) and predicted output(y) for the set of those input values. It is
represented in the form of a line:

Y = bx+ c.
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

The main aim of the linear regression model is to find the best fit line that best fits the data points.

Linear regression is extended to multiple linear regression (find a plane of best fit) and polynomial
regression (find the best fit curve).

b) Decision Tree

Decision trees are the popular machine learning models that can be used for both regression and
classification problems.

A decision tree uses a tree-like structure of decisions along with their possible consequences and
outcomes. In this, each internal node is used to represent a test on an attribute; each branch is used to
represent the outcome of the test. The more nodes a decision tree has, the more accurate the result will
be.

The advantage of decision trees is that they are intuitive and easy to implement, but they lack accuracy.

Decision trees are widely used in operations research, specifically in decision analysis, strategic planning,
and mainly in machine learning.

c) Random Forest

Random Forest is the ensemble learning method, which consists of a large number of decision trees.
Each decision tree in a random forest predicts an outcome, and the prediction with the majority of votes
is considered as the outcome.

A random forest model can be used for both regression and classification problems.

For the classification task, the outcome of the random forest is taken from the majority of votes.
Whereas in the regression task, the outcome is taken from the mean or average of the predictions
generated by each tree.

d) Neural Networks

Neural networks are the subset of machine learning and are also known as artificial neural networks.
Neural networks are made up of artificial neurons and designed in a way that resembles the human
brain structure and working. Each artificial neuron connects with many other neurons in a neural
network, and such millions of connected neurons create a sophisticated cognitive structure.
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Advertisement

Neural networks consist of a multilayer structure, containing one input layer, one or more hidden layers,
and one output layer. As each neuron is connected with another neuron, it transfers data from one layer
to the other neuron of the next layers. Finally, data reaches the last layer or output layer of the neural
network and generates output.

Neural networks depend on training data to learn and improve their accuracy. However, a perfectly
trained & accurate neural network can cluster data quickly and become a powerful machine learning
and AI tool. One of the best-known neural networks is Google's search algorithm.

Classification
Classification models are the second type of Supervised Learning techniques, which are used to generate
conclusions from observed values in the categorical form. For example, the classification model can
identify if the email is spam or not; a buyer will purchase the product or not, etc. Classification
algorithms are used to predict two classes and categorize the output into different groups.

In classification, a classifier model is designed that classifies the dataset into different categories, and
each category is assigned a label.

There are two types of classifications in machine learning:

Binary classification: If the problem has only two possible classes, called a binary classifier. For
example, cat or dog, Yes or No,

Multi-class classification: If the problem has more than two possible classes, it is a multi-class
classifier.

Some popular classification algorithms are as below:

a) Logistic Regression

Logistic Regression is used to solve the classification problems in machine learning. They are similar to
linear regression but used to predict the categorical variables. It can predict the output in either Yes or
No, 0 or 1, True or False, etc. However, rather than giving the exact values, it provides the probabilistic
values between 0 & 1.

b) Support Vector Machine


AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Support vector machine or SVM is the popular machine learning algorithm, which is widely used for
classification and regression tasks. However, specifically, it is used to solve classification problems. The
main aim of SVM is to find the best decision boundaries in an N-dimensional space, which can segregate
data points into classes, and the best decision boundary is known as Hyperplane. SVM selects the
extreme vector to find the hyperplane, and these vectors are known as support vectors.

c) Naïve Bayes

Naïve Bayes is another popular classification algorithm used in machine learning. It is called so as it is
based on Bayes theorem and follows the naïve(independent) assumption between the features which is
given as:

Each naïve Bayes classifier assumes that the value of a specific variable is independent of any other
variable/feature. For example, if a fruit needs to be classified based on color, shape, and taste. So
yellow, oval, and sweet will be recognized as mango. Here each feature is independent of other
features.

2. Unsupervised Machine learning models


Unsupervised Machine learning models implement the learning process opposite to supervised learning,
which means it enables the model to learn from the unlabeled training dataset. Based on the unlabeled
dataset, the model predicts the output. Using unsupervised learning, the model learns hidden patterns
from the dataset by itself without any supervision.

Unsupervised learning models are mainly used to perform three tasks, which are as follows:

Clustering
Clustering is an unsupervised learning technique that involves clustering or groping the data
points into different clusters based on similarities and differences. The objects with the most
similarities remain in the same group, and they have no or very few similarities from other
groups.
Clustering algorithms can be widely used in different tasks such as Image segmentation,
Statistical data analysis, Market segmentation, etc.
Some commonly used Clustering algorithms are K-means Clustering, hierarchal Clustering,
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

DBSCAN, etc.

Association Rule Learning


Association rule learning is an unsupervised learning technique, which finds interesting relations
among variables within a large dataset. The main aim of this learning algorithm is to find the
dependency of one data item on another data item and map those variables accordingly so that
it can generate maximum profit. This algorithm is mainly applied in Market Basket analysis, Web
usage mining, continuous production, etc.
Some popular algorithms of Association rule learning are Apriori Algorithm, Eclat, FP-growth
algorithm.

Dimensionality Reduction
The number of features/variables present in a dataset is known as the dimensionality of the
dataset, and the technique used to reduce the dimensionality is known as the dimensionality
reduction technique.
Although more data provides more accurate results, it can also affect the performance of the
model/algorithm, such as overfitting issues. In such cases, dimensionality reduction techniques
are used.
"It is a process of converting the higher dimensions dataset into lesser dimensions dataset
ensuring that it provides similar information."
Different dimensionality reduction methods such as PCA(Principal Component Analysis),
Singular Value Decomposition, etc.

Reinforcement Learning
In reinforcement learning, the algorithm learns actions for a given set of states that lead to a goal state.
It is a feedback-based learning model that takes feedback signals after each state or action by interacting
with the environment. This feedback works as a reward (positive for each good action and negative for
each bad action), and the agent's goal is to maximize the positive rewards to improve their performance.

The behavior of the model in reinforcement learning is similar to human learning, as humans learn
things by experiences as feedback and interact with the environment.

Below are some popular algorithms that come under reinforcement learning:

Q-learning: Q-learning is one of the popular model-free algorithms of reinforcement learning,


which is based on the Bellman equation.

It aims to learn the policy that can help the AI agent to take the best action for maximizing the reward
under a specific circumstance. It incorporates Q values for each state-action pair that indicate the
reward to following a given state path, and it tries to maximize the Q-value.

State-Action-Reward-State-Action (SARSA): SARSA is an On-policy algorithm based on the


Markov decision process. It uses the action performed by the current policy to learn the Q-
value. The SARSA algorithm stands for State Action Reward State Action, which symbolizes the
tuple (s, a, r, s', a').
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Deep Q Network: DQN or Deep Q Neural network is Q-learning within the neural network. It is
basically employed in a big state space environment where defining a Q-table would be a
complex task. So, in such a case, rather than using Q-table, the neural network uses Q-values for
each action based on the state.

Steps in Machine Learning


Guide Question:
1. The 7 steps of Machine Learning.
The task of imparting intelligence to machines seems daunting and impossible. But it is actually
really easy. It can be broken down into 7 major steps :
1. Collecting Data
Machine learning models learn from the data they are given. It's important to collect reliable
data so that the model can find accurate patterns. The quality of the data will determine the
accuracy of the model. Incorrect or outdated data will lead to wrong outcomes or predictions.
Use data from a reliable source, as it will affect the model's outcome. Good data is relevant, has
few missing or repeated values, and represents the different subcategories or classes.

2. Preparing the Data

After collecting data, it needs to be prepared. This involves combining and randomizing the
data, cleaning it to remove unnecessary information, and visualizing it to understand its
structure. The cleaned data is then divided into training and testing sets, where the model
learns from the training set and is evaluated on the testing set.

3. Choosing a Model

A machine learning model is the result of running a machine learning algorithm on data.
Different models are suitable for different tasks. You must choose a model that is appropriate
for your data and task. Consider whether your data is numerical or categorical when choosing a
model.

4. Training the Model

Training is crucial in machine learning. During training, data is fed into a machine learning
model to identify patterns and make predictions. The model learns from the data to perform its
task. With more training, the model's predictions improve.

5. Evaluating the Model


AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

After training, evaluate your model's performance on unseen data (the testing set). Using the
same data for training and testing will lead to inaccurate results because the model will be too
familiar with the data. Testing on unseen data provides an accurate measure of the model's
performance and speed.

6. Parameter Tuning

After creating and evaluating your model, you can improve its accuracy by tuning its
parameters. Parameters are variables in the model that you set. There's a specific value for
each parameter that will give you the best accuracy. Parameter tuning is the process of finding
these optimal values.

7. Making Predictions

In the end, you can use your model on unseen data to make predictions accurately.

The 7 steps of Machine

Application of Machine Learning


Guide Question:
1. The 10 Popular Machine Learning Applications and Examples.

a. Social Media Features

Social media platforms use machine learning to create useful features. For example, Facebook
tracks your activity and suggests friends and pages based on your interests.

b. Product Recommendations
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Product recommendation is a common use of machine learning in e-commerce. Websites use


machine learning and AI to track your behavior and recommend products based on your past
purchases, search history, and cart.

c. Image Recognition

Image recognition is a technique that identifies features or objects in digital images. It's a
popular machine learning and AI method used for tasks like pattern recognition, face detection,
and face recognition.

d. Sentiment Analysis

Sentiment analysis is a machine learning application that determines the emotions or opinions
expressed in text. It can be used to analyze reviews, make decisions, and more.

e. Automating Employee Access Control

Organizations are using machine learning to decide what kind of access employees should have
to different areas based on their jobs. This is a great example of how machine learning can be
used.

f. Marine Wildlife Preservation

Scientists use machine learning to create models of endangered cetaceans and other marine
animals. These models help scientists manage and track their populations.

g. Regulating Healthcare Efficiency and Medical Services

Many healthcare sectors are using machine learning to improve management. They predict
patient waiting times in emergency rooms using factors like staff availability, patient records,
and department chat logs. Machine learning is also used for disease detection, treatment
planning, and disease prediction. This is a crucial application of machine learning in healthcare.

h. Predict Potential Heart Failure

A new algorithm is helping doctors analyze patient cardiovascular history by scanning their e-
notes and identifying patterns. This reduces the time it takes for doctors to review multiple
health records and arrive at a diagnosis.

i. Banking Domain

Banks are using machine learning to prevent fraud and protect accounts. Algorithms analyze
different factors to create a filter that stops harmful activity. Unsubstantiated websites are
automatically blocked from transactions.

j. Language Translation
AMA EDUCATION SYSTEM
2355 Legarda St., Marique Sampaloc, Manila

Machine learning is used for language translation. We're impressed by how websites can
translate languages accurately and contextually. This technology, called machine translation,
has made communication easier and more accessible globally. It has given travelers and
businesses confidence to explore foreign places without language barriers.

You might also like