ML Maths Full Notes
ML Maths Full Notes
INTRODUCTION:
Machine Learning is a
Artificial Intelligence
subset of artificial In traditional
involves making the machine
intelligence(AI) that focus programming, rule-based
as much capable, So that it
on learning from data to code is written by the
can perform the tasks that
develop an algorithm that developers depending on
typically require human
can be used to make a the problem statements.
intelligence.
prediction.
Traditional
Machine Learning Programming Artificial Intelligence
Sometimes AI uses a
Traditional programming combination of both Data
ML can find patterns and
is totally dependent on and Pre-defined rules, which
insights in large datasets that
the intelligence of gives it a great edge in
might be difficult for
developers. So, it has solving complex tasks with
humans to discover.
very limited capability. good accuracy which seem
impossible to humans.
DEFINITION
What is Machine Learning?
Machine learning (ML) is a type of Artificial Intelligence (AI) that allows
computers to learn without being explicitly programmed. It involves feeding
data into algorithms that can then identify patterns and make predictions on
new data. Machine learning is used in a wide variety of applications, including
image and speech recognition, natural language processing, and recommender
systems.
Definition of Learning
A computer program is said to learn from experience E concerning some class of
tasks T and performance measure P, if its performance at tasks T, as measured by P,
improves with experience E.
Examples
Handwriting recognition learning problem
o Task T : Recognizing and classifying handwritten words
within images
o Performance P : Percent of words correctly classified
o Training experience E : A dataset of handwritten words with
given classifications
A robot driving learning problem
o Task T : Driving on highways using vision sensors
o Performance P : Average distance traveled before an error
o Training experience E : A sequence of images and steering
commands recorded while observing a human driver
TYPES OF MACHINE LEARNING
Machine learning is the branch of Artificial Intelligence that focuses on developing
models and algorithms that let computers learn from data and improve from previous
experience without being explicitly programmed for every task.
ML teaches the systems to think and understand like humans by learning from the
data.
we will explore the various types of machine learning algorithms that are
important for future requirements.
Machine learning is generally a training system to learn from past experiences and
improve performance over time.
Machine learning helps to predict massive amounts of data. It helps to deliver fast
and accurate results to get profitable opportunities.
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
2. Unsupervised Machine Learning
3. Semi-Supervised Machine Learning
4. Reinforcement Learning
Linear regression
Logistic regression
Decision tree
SVM algorithm
KNN algorithm
K-means
1.Linear Regression
To understand the working functionality of Linear Regression, imagine how you would
arrange random logs of wood in increasing order of their weight. There is a catch; however –
you cannot weigh each log. You have to guess its weight just by looking at the height and
girth of the log (visual analysis) and arranging them using a combination of these visible
parameters. This is what linear regression in machine learning is like.
In this process, a relationship is established between independent and dependent variables by
fitting them to a line. This line is known as the regression line and is represented by a linear
equation Y= a *X + b.
In this equation:
Y – Dependent Variable
a – Slope
X – Independent variable
b – Intercept
The coefficients a & b are derived by minimizing the sum of the squared difference of
distance between data points and the regression line.
2. Logistic Regression
Logistic Regression is used to estimate discrete values (usually binary values like 0/1) from a
set of independent variables. It helps predict the probability of an event by fitting data to a
logit function. It is also called logit regression.
These methods listed below are often used to help improve logistic regression models:
eliminate features
regularize techniques
3. Decision Tree
Decision Tree algorithm in machine learning is one of the most popular algorithm in use
today; this is a supervised learning algorithm that is used for classifying problems. It works
well in classifying both categorical and continuous dependent variables. This algorithm
divides the population into two or more homogeneous sets based on the most significant
attributes/ independent variables.
SVM algorithm is a method of a classification algorithm in which you plot raw data as points
in an n-dimensional space (where n is the number of features you have). The value of each
feature is then tied to a particular coordinate, making it easy to classify the data. Lines called
classifiers can be used to split the data and plot them on a graph.
5. Naive Bayes Algorithm
A Naive Bayes classifier assumes that the presence of a particular feature in a class is
unrelated to the presence of any other feature.
Even if these features are related to each other, a Naive Bayes classifier would consider all of
these properties independently when calculating the probability of a particular outcome.
A Naive Bayesian model is easy to build and useful for massive datasets. It's simple and is
known to outperform even highly sophisticated classification methods.
This algorithm can be applied to both classification and regression problems. Apparently,
within the Data Science industry, it's more widely used to solve classification problems. It’s a
simple algorithm that stores all available cases and classifies any new cases by taking a
majority vote of its k neighbors. The case is then assigned to the class with which it has the
most in common. A distance function performs this measurement.
KNN can be easily understood by comparing it to real life. For example, if you want
information about a person, it makes sense to talk to his or her friends and colleagues!
Variables should be normalized, or else higher range variables can bias the
algorithm
7. K-Means
It is an unsupervised learning algorithm that solves clustering problems. Data sets are
classified into a particular number of clusters (let's call that number K) in such a way that all
the data points within a cluster are homogenous and heterogeneous from the data in other
clusters.
The K-means algorithm picks k number of points, called centroids, for each
cluster.
Each data point forms a cluster with the closest centroids, i.e., K clusters.
A collective of decision trees is called a Random Forest. To classify a new object based on its
attributes, each tree is classified, and the tree “votes” for that class. The forest chooses the
classification having the most votes (over all the trees in the forest).
If the number of cases in the training set is N, then a sample of N cases is taken at
random. This sample will be the training set for growing the tree.
If there are M input variables, a number m<<M is specified such that at each node,
m variables are selected at random out of the M, and the best split on this m is used
to split the node. The value of m is held constant during this process.
Each tree is grown to the most substantial extent possible. There is no pruning.
In today's world, vast amounts of data are being stored and analyzed by corporates,
government agencies, and research organizations. As a data scientist, you know that this raw
data contains a lot of information - the challenge is to identify significant patterns and
variables.
Dimensionality reduction algorithms like Decision Tree, Factor Analysis, Missing Value
Ratio, and Random Forest can help you find relevant details.
Gradient Boosting Algorithm and AdaBoosting Algorithm are boosting algorithms used when
massive loads of data have to be handled to make predictions with high accuracy. Boosting is
an ensemble learning algorithm that combines the predictive power of several base estimators
to improve robustness.
In short, it combines multiple weak or average predictors to build a strong predictor. These
boosting algorithms always work well in data science competitions like Kaggle, AV
Hackathon, CrowdAnalytix. These are the most preferred machine learning algorithms today.
Use them, along with Python and R Codes, to achieve accurate outcomes.
1. Identifying Spam
Spam identification is one of the most basic applications of machine learning. Most of
our email inboxes also have an unsolicited, bulk, or spam inbox, where our email
provider automatically filters unwanted spam emails.
They use a trained Machine Learning model to identify all the spam emails based on
common characteristics such as the email, subject, and sender content.
If you look at your email inbox carefully, you will realize that it is not very hard to
pick out spam emails because they look very different from real emails. Machine
learning techniques used nowadays can automatically filter these spam emails in a
very successful way.
Spam detection is one of the best and most common problems solved by Machine
Learning. Neural networks employ content-based filtering to classify unwanted emails
as spam. These neural networks are quite similar to the brain, with the ability to
identify spam emails and messages.
3. Customer Segmentation
Customer segmentation, churn prediction and customer lifetime value (LTV)
prediction are the main challenges faced by any marketer.
Businesses have a huge amount of marketing relevant data from various sources such
as email campaigns, website visitors and lead data.
Using data mining and machine learning, an accurate prediction for individual
marketing offers and incentives can be achieved. Using ML, savvy marketers can
eliminate guesswork involved in data-driven marketing.
For example, given the pattern of behavior by a user during a trial period and the past
behaviors of all users, identifying chances of conversion to paid version can be
predicted. A model of this decision problem would allow a program to trigger
customer interventions to persuade the customer to convert early or better engage in
the trial.
6. Demand Forecasting
The concept of demand forecasting is used in multiple industries, from retail and e-
commerce to manufacturing and transportation.
It feeds historical data to Machine Learning algorithms and models to predict the
number of products, services, power, and more.
It allows businesses to efficiently collect and process data from the entire supply
chain, reducing overheads and increasing efficiency.
ML-powered demand forecasting is very accurate, rapid, and transparent. Businesses
can generate meaningful insights from a constant stream of supply/demand data and
adapt to changes accordingly.
8. Sentiment Analysis
Sentiment analysis is one of the beneficial and real-time machine learning
applications that help determine the emotion or opinion of the speaker or the writer.
For instance, if you’ve written a review, email, or any other form of a document, a
sentiment analyzer will be able to assess the actual thought and tone of the text.
This sentiment analysis application can be used to analyze decision-making
applications,
review-based websites, and more.
1. TensorFlow
TensorFlow is one of the most popular open-source libraries used to train and build
both machine learning and deep learning models. It provides a JS library and was developed
by Google Brain Team.
It is much popular among machine learning enthusiasts, and they use it for building
different ML applications. It offers a powerful library, tools, and resources for numerical
computation, specifically for large scale machine learning and deep learning projects.
Features:
o TensorFlow enables us to build and train our ML models easily.
o It also enables you to run the existing models using the TensorFlow.js
o It provides multiple abstraction levels that allow the user to select the correct resource
as per the requirement.
o It helps in building a neural network.
o Provides support of distributed computing.
o While building a model, for more need of flexibility, it provides eager execution that
enables immediate iteration and intuitive debugging.
o This is open-source software and highly flexible.
o It also enables the developers to perform numerical computations using data flow
graphs.
o Run-on GPUs and CPUs, and also on various mobile computing platforms.
o It provides a functionality of auto diff (Automatically computing gradients is called
automatic differentiation or auto diff).
o It enables to easily deploy and training the model in the cloud.
o It can be used in two ways, i.e., by installing through NPM or by script tags.
o It is free to use.
2. PyTorch
PyTorch is an open-source machine learning framework, which is based on the
Torch library. This framework is free and open-source and developed by FAIR(Facebook's
AI Research lab).
It is one of the popular ML frameworks, which can be used for various applications,
including computer vision and natural language processing.
PyTorch has Python and C++ interfaces; however, the Python interface is more
interactive. Different deep learning software is made up on top of PyTorch, such as PyTorch
Lightning, Hugging Face's Transformers, Tesla autopilot, etc.
It specifies a Tensor class containing an n-dimensional array that can perform tensor
computations along with GPU support.
Features:
Or the algorithm that is being used is taking a long time for execution. In such a case,
one should go for the Google Cloud ML Engine. It is a hosted platform where ML developers
and data scientists build and run optimum quality machine, learning models.
It provides a managed service that allows developers to easily create ML models with
any type of data and of any size.
Features:
o Provides machine learning model training, building, deep learning and predictive
modelling.
o The two services, namely, prediction and training, can be used independently or
combinedly.
o It can be used by enterprises, i.e., for identifying clouds in a satellite image, responding
faster to emails of customers.
o It can be widely used to train a complex model.
it integrates data from multiple sources, including Redshift, Amazon S3, or RDS.
Features
5. NET
Accord.Net is .Net based Machine Learning framework, which is used for scientific
computing. It is combined with audio and image processing libraries that are written in C#.
This framework provides different libraries for various applications in ML, such
as Pattern Recognition, linear algebra, Statistical Data processing. One popular package of
the Accord.Net framework is Accord. Statistics, Accord.Math, and
Accord.MachineLearning.
Features
6. Apache Mahout
Features:
7. Shogun
Shogun is a free and open-source machine learning software library, which was created
by Gunnar Raetsch and Soeren Sonnenburg in the year 1999.
This software library is written in C++ and supports interfaces for different languages
such as Python, R, Scala, C#, Ruby, etc., using SWIG(Simplified Wrapper and Interface
Generator).
The main aim of Shogun is on different kernel-based algorithms such as Support Vector
Machine (SVM), K-Means Clustering, etc., for regression and classification problems. It also
provides the complete implementation of Hidden Markov Models.
Features:
o The main aim of Shogun is on different kernel-based algorithms such as Support Vector
Machine (SVM), K-Means Clustering, etc., for regression and classification problems.
o It provides support for the use of pre-calculated kernels.
o It also offers to use a combined kernel using Multiple kernel Learning Functionality.
o This was initially designed for processing a huge dataset that consists of up to 10 million
samples.
o It also enables users to work on interfaces on different programming languages such as
Lua, Python, Java, C#, Octave, Ruby, MATLAB, and R.
8. Oryx2
It is a realization of the lambda architecture and built on Apache Kafka and Apache
Spark.
It is written in Java languages, including Apache Spark, Hadoop, Tomcat, Kafka, etc.
The latest version of Oryx2 is Oryx 2.8.0.
Features:
Apache Spark MLlib is a scalable machine learning library that runs on Apache Mesos,
Hadoop, Kubernetes, standalone, or in the cloud.
For optimized numerical processing of data, MLlib provides linear algebra packages
such as Breeze and netlib-Java. It uses a query optimizer and physical execution engine for
achieving high performance with both batch and streaming data.
Features
This tools kit can be used for face detection, text recognition, landmark detection, image
labelling, and barcode scanning applications. One can also use it for working offline.
Features:
APPLICATIONS:
Machine learning is a buzzword for today's technology, and it is growing very rapidly day by
day. We are using machine learning in our daily life even without knowing it such as Google
Maps, Google assistant, Alexa, etc. Below are some most trending real-world applications of
Machine Learning:
1. 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.
It is based on the Facebook project named "Deep Face," which is responsible for face
recognition and person identification in the picture.
2. 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.
Speech recognition is a process of converting voice instructions into text, and it is also known
as "Speech to text", or "Computer speech recognition." At present, machine learning
algorithms are widely used by various applications of speech recognition. Google
assistant, Siri, Cortana, and Alexa are using speech recognition technology to follow the
voice instructions.
3. 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:
o Real Time location of the vehicle form Google Map app and sensors
o Average time has taken on past days at the same time.
Everyone who is using Google Map is helping this app to make it better. It takes information
from the user and sends back to its database to improve the performance.
4. 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.
Google understands the user interest using various machine learning algorithms and suggests
the product as per customer interest.
As similar, when we use Netflix, we find some recommendations for entertainment series,
movies, etc., and this is also done with the help of machine learning.
5. 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.
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. Below are some spam
filters used by Gmail:
o Content Filter
o Header filter
o General blacklists filter
o Rules-based filters
o Permission filters
Some machine learning algorithms such as Multi-Layer Perceptron, Decision tree,
and Naïve Bayes classifier are used for email spam filtering and malware detection.
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 assistant record our voice instructions, send it over the server on a cloud, and decode it
using ML algorithms and act accordingly.
Machine learning is making our online transaction safe and secure by detecting fraud
transaction. Whenever we perform some online transaction, there may be various ways that a
fraudulent transaction can take place such as fake accounts, fake ids, and steal money in the
middle of a transaction. So to detect this, Feed Forward Neural network helps us by checking
whether it is a genuine transaction or a fraud transaction.
For each genuine transaction, the output is converted into some hash values, and these values
become the input for the next round. For each genuine transaction, there is a specific pattern
which gets change for the fraud transaction hence, it detects it and makes our online
transactions more secure.
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.
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.
if we visit a new place and we are not aware of the language then it is not a problem at all, as
for this also machine learning helps us by converting the text into our known languages.
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.
5 MARK
1.What is machine learning?
10 MARK
MCQ
a) Stacking
b) Mixture of Experts
c) Bagging
d) Boosting
Answer: b
Explanation: The figure shows a Mixture of Experts. It is based on the divide – and – conquer
principle and mixture of experts trains individual models to become experts in different
regions of the feature space. Then, a gating network decides which combination of ensemble
learners is used to predict the final output of any instance.
36. Given the target value of a mixture of expert combinations is 0.8. The predictions of three
experts and the probability of picking them are 0.6, 0.4, 0.5 and 0.8, 0.5, 0.7 respectively.
Then what is the simple error for training?
a) 0.13
b) 0.15
c) 0.18
d) 0.2
Answer: c
Explanation: We know the simple error for training:
E = ∑ipi(d – yi)2 where d is the target value and pi is the probability of picking expert i, and
yi is the individual prediction of expert i. Given d = 0.8, y1 = 0.6, y2 = 0.4, y3 = 0.5 and p1 =
0.8, p2 = 0.5, p3 = 0.7
Then E = p1(d – y1)2 + p2(d – y2)2 + p3(d – y3)2
= 0.8(0.8 – 0.6)2 + 0.5(0.8 – 0.4)2 + 0.7(0.8 – 0.5)2
= 0.8(0.2)2 + 0.5(0.4)2 + 0.7(0.3)2
= 0.8 * 0.04 + 0.5 * 0.16 + 0.7 * 0.09
= 0.032 + 0.08 + 0.063
= 0.18
37. The ABC company has released their Android app. And 80 people have rated the app on
a scale of 5 stars. Out of the total people 15 people rated it with 1 star, 20 people rated it with
2 stars, 30 people rated it with 3 stars, 10 people rated it with 4 stars and 5 people rated it
with 5 stars. What will be the final prediction if we take the average of individual
predictions?
a) 2
b) 3
c) 4
d) 5
Answer: b
Explanation: Given that we are taking the average of individual predictions to make the final
prediction.
Average = ∑ (Rating * Number of people) / Total number of people
= ((1 * 15) + (2 * 20) + (3 * 30) + (4 * 10) + (5 * 5)) / 80
= (15 + 40 + 90 + 40 + 25) / 80
= 210 / 80
= 2.625
And the nearest integer is 3. So the final prediction will be 3.
38. Consider there are 5 employees A, B, C, D, and E of ABC company. Where people A, B
and C are experienced, D and E are fresher. They have rated the company app as given in the
table. What will be the final prediction if we are taking the weighted average?
A 0.4 3
B 0.4 2
C 0.4 2
D 0.2 2
E 0.2 4
a) 2
b) 3
c) 4
d) 5
Answer: c
Explanation: We have,
Weighted average = ∑ (Weight * Rating)
= (0.4 * 3) + (0.4 * 2) + (0.4 * 2) + (0.2 * 2) + (0.2 * 4)
= 1.2 + 0.8 + 0.8 + 0.4 + 0.8
=4
41. What is present in the version space of the Find-S algorithm in the beginning?
a) Set of all hypotheses H
b) Both maximally general and maximally specific hypotheses
c) Maximally general hypothesis
d) Maximally specific hypothesis
Answer: d
Explanation: Initially, only the maximally specific hypothesis is contained. That is
generalized step by step after encountering every positive example. At any stage, the
hypothesis is the most specific hypothesis consistent with training data.
42. When does the hypothesis change in the Find-S algorithm, while iteration?
a) Any example (positive or negative) is encountered
b) Amy negative example is encountered
c) Positive Example inconsistent with the hypothesis is encountered
d) Any positive example is encountered
Answer: c
Explanation: Find-S algorithm does not care about any negative example. It only changes
when a positive example is encountered, which is inconsistent with the given hypothesis. The
attribute(s) which is inconsistent is changed into a more generalized form.
43. What is one of the assumptions of the Find-S algorithm?
a) No assumptions are made
b) The most specific hypothesis is also the most general hypothesis
c) All training data are correct (there is no noise)
d) Overfitting does not occur
Answer: c
Explanation: Since no negative examples are being considered, a huge part of the data is
discarded. In order to output an accurate hypothesis, the remaining dataset must be noise free
and adequate.
44. What is one of the advantages of the Find-S algorithm?
a) Computation is faster than other concept learning algorithms
b) All correct hypotheses are output
c) Most generalized hypothesis is output
d) Overfitting does not occur
Answer: a
Explanation: All negative data are discarded. Version Space consists of only one hypothesis,
whereas the version space of other algorithms consists of more than one hypothesis. At each
step, the version space is compared with the training data instance. So, for Find-S
computation is much faster.
45. How does the hypothesis change gradually?
a) Specific to Specific
b) Specific to General
c) General to Specific
d) General to General
Answer: b
Explanation: Initially, the hypothesis is most specific – consists of only phi. Gradually, after
encountering each new positive example, it generalizes with a change in attributes, to remain
consistent with training data.
46. S = <phi, phi, phi>Training data = <rainy, cold, white> => No (negative example). How
will S be represented after encountering this training data?
a) <phi, phi, phi>
b) <sunny, warm, white>
c) <rainy, cold, black>
d) <?, ?, ?>
Answer: a
Explanation: When a negative example is encountered, the Find-S algorithm ignores it.
Hence, the hypothesis remains unchanged. It will only a change, when a positive example
inconsistent with data is encountered.
47. What is one of the drawbacks of the Find-S algorithm?
a) Computation cost is high
b) Time-ineffective
c) All correct hypotheses are not output
d) Most specific accurate hypothesis is not output
Answer: a
Explanation: The hypothesis generated is always the most specific one at each step. A more
generalized hypothesis can be there but it is not considered as negative examples are
discarded. Thus, hypotheses that are consistent with training data may not be output by the
learner.
48. Noise or errors in the dataset can severely affect the performance of the Find-S algorithm.
a) True
b) False
Answer: a
Explanation: The algorithm ignores negative examples. Since a huge part of the dataset is
discarded, the accuracy of the learned hypothesis becomes heavily dependent on the
remaining portion. If there is error or noise in this part, huge inaccuracies may occur.
49. S = <phi, phi, phi> Training data = <square, pointy, white> => Yes (positive example).
How will S be represented after encountering this training data?
a) <phi, phi, phi>
b) <square, pointy, white >
c) <circular, blunt, black>
d) <?, ?, ? >
Answer: b
Explanation: Initially, S contains phi, which implies that no example is positive. It encounters
a positive example, which is inconsistent with the current hypothesis. So, it generalizes
accordingly to approve the new example. It thus takes the values of the training instance.
50. The algorithm accommodates all the maximally specific hypotheses.
a) True
b) False
Answer: b
Explanation: S contains phi initially. Then it gradually generalizes, with new training
examples. But it only generalizes in a particular order and never backtracks. It never
considers a different branch which may lead to a different target concept.
UNIT 2
INTRODUCTION TO RPA
RPA combines APIs and user interface (UI) interactions to integrate and perform
repetitive tasks between enterprise and productivity applications. By deploying
scripts which emulate human processes, RPA tools complete autonomous
execution of various activities and transactions across unrelated software systems.
In order for RPA tools in the marketplace to remain competitive, they will need to
move beyond task automation and expand their offerings to include intelligent
automation (IA). This type of automation expands on RPA functionality by
incorporating sub-disciplines of artificial intelligence, like machine learning,
natural language processing, and computer vision.
Intelligent process automation demands more than the simple rule-based systems
of RPA. You can think of RPA as “doing” tasks, while AI and ML encompass
more of the “thinking” and "learning," respectively. It trains algorithms using data
so that the software can perform tasks in a quicker, more efficient way.
According to Forrester, RPA software tools must include the following core
capabilities:
• Rapid cost savings: Since RPA reduces the workload of teams, staff can be
reallocated towards other priority work that does require human input,
leading to increases in productivity and ROI.
• Higher customer satisfaction: Since bots and chatbots can work around the
clock, they can reduce wait times for customers, leading to higher rates of
customer satisfaction.
• Better accuracy and compliance: Since you can program RPA robots to
follow specific workflows and rules, you can reduce human error,
particularly around work which requires accuracy and compliance, like
Challenges of RPA
• While RPA software can help an enterprise grow, there are some obstacles,
such as organizational culture, technical issues and scaling.
• Organizational culture
While RPA will reduce the need for certain job roles, it will also drive
growth in new roles to tackle more complex tasks, enabling employees to
focus on higher-level strategy and creative problem-solving. Organizations
will need to promote a culture of learning and innovation as responsibilities
within job roles shift. The adaptability of a workforce will be important for
successful outcomes in automation and digital transformation projects. By
educating your staff and investing in training programs, you can prepare
teams for ongoing shifts in priorities.
• Difficulty in scaling
While RPA can perform multiple simultaneous operations, it can prove
difficult to scale in an enterprise due to regulatory updates or internal
changes. According to a Forrester report, 52% of customers claim they
struggle with scaling their RPA program. A company must have 100 or more
active working robots to qualify as an advanced program, but few RPA
initiatives progress beyond the first 10 bots.
RPA use cases
• There are several industries that leverage RPA technology to streamline their
business operations. RPA implementations can be found across the
following industries:
• Banking and financial services: In the Forrester report on “The RPA
Services Market Will Grow To Reach USD 12 Billion By 2023”, 36% of all
use cases were in the finance and accounting space. More than 1 in 3 bots
today are in the financial industry, which is of little surprise given banking's
early adoption of automation. Today, many major banks use RPA
automation solutions to automate tasks, such as customer research, account
opening, inquiry processing and anti-money laundering. A bank deploys
thousands of bots to automate manual high-volume data entry. These
processes entail a plethora of tedious, rule-based tasks that automation
streamlines.
• Insurance: Insurance is full of repetitive processes well suited for
automation. For example, you can apply RPA to claims processing
operations, regulatory compliance, policy management and underwriting
tasks.
• Retail: The rise of ecommerce has made RPA an integral component of the
modern retail industry that has improved back office operations and the
customer experience. Popular applications.
RPA PROGRAMMING BEST PRACTICES
Errors like failed logins, nonexistence directories, or no more disk space can bring
automation to a standstill. Exceptions like a timed-out application, bad data, or a new
screen within the application also can stall automation. This is why workflows should
contain error handling. Depending on what type of exception occurs – whether it is a
business or application.
SOFTROBOTICE OR SOFTBOTS
Soft robotics is a subfield of robotics that concerns the design, control, and fabrication
of robots composed of compliant materials, instead of rigid links.[1][2] In contrast to
rigid-bodied robots built from metals, ceramics and hard plastics, the compliance of
soft robots can improve their safety when working in close contact with humans. [2]
• on – an RPA
programmer should code the automation to handle the exception and react
accordingly. For example, if a business exception occurs on queue item number
two, the RPA bot should log the exception and prepare .
• The goal of soft robotics is the design and construction of robots with physically
flexible bodies and electronics. Sometimes softness is limited to part of the
machine. For example, rigid-bodied robotic arms can employ soft end effectors
to gently grab and manipulate delicate or irregularly shaped objects. Most rigid-
bodied mobile robots also strategically employ soft components, such as foot
pads to absorb shock or springy joints to store/release elastic energy. However,
the field of soft robotics generally leans toward machines that are predominately
or entirely soft. Robots with entirely soft bodies have tremendous potential. For
one their flexibility allows them to squeeze into places rigid bodies cannot,
which could prove useful in disaster relief scenarios. Soft robots are also safer
for human interaction and for internal deployment inside a human body.
• Nature is often a source of inspiration for soft robot design given that animals
themselves are mostly composed of soft components and they appear to exploit
their softness for efficient movement in complex environments almost
everywhere on Earth.[3] Thus, soft robots are often designed to look like familiar
creatures, especially entirely soft organisms like octopuses. However, it is
extremely difficult to manually design and control soft robots given their low
mechanical impedance. The very thing that makes soft robots beneficial—their
flexibility and compliance—makes them difficult to control. The mathematics
developed over the past centuries for designing rigid bodies generally fail to
extend to soft robots. Thus, soft robots are commonly designed in part with the
help of automated design tools, such as evolutionary algorithms, which enable a
soft robot's shape, material properties, and controller to all be simultaneously
and automatically designed and optimized together for a given task.[
ROBOTIC
Robotic process automation (RPA) is a software technology that makes it easy to build,
deploy, and manage software robots that emulate humans actions interacting with digital
systems and software. Just like people, software robots can do things like understand
what’s on a screen, complete the right keystrokes, navigate systems, identify and extract
data, and perform a wide range of defined actions. But software robots can do it faster
and more consistently than people, without the need to get up and stretch or take a coffee
break.
Improved compliance
92% agree RPA has ‘met or exceeded expectations’ for better complia
Boosted productivity68% of global workers believe automation will make them more
productive.
More value from personnel60% of executives agree RPA enables people to focus on
more strategic work.
Happier employees
57% of executives say RPA increases employee engagement.
In this article, we will take a look at what Robotic Process Management(RPA) is and focus
on its architecture. This article will target defining all the nitty-gritty details of what makes
a system an RPA, and along with it, we will understand the architecture using which such
software can be built. With no further delay, let us get started with the same.
• What is RPA?
• RPA Architecture
o Usability
o Integration
o Exception Handling
o Security
o Configuration Features
o Deployment Features
• Conclusion
What is RPA?
RPA architecture is the most critical factor that needs to be analyzed. But for
the time being, the essential element that needs to be understood well is the
architecture of the particular product. This also helps in understanding the
implications of where it should not be used.
1. Usability
Usability is the most important factor that plays a significant role in the decision-
making as well, and for an automation tool, usability should be even more perfect
as there is a limited number of steps for configuration concerns. It makes the
overall configuration process and the administration process more efficient if it is
easier to understand by others. The more accessible software can ensure quicker
scalability, ease of deployment, and higher levels of adoption by the customers.
2. Integration
An ideal RPA tool should be able to integrate with various other systems and
technologies that might be deployed in an organization’s business processing.
The stronger integration capabilities, the better and robust automation is achieved
by them.
3. Exception Handling
RPA solutions will have their hands on the sensitive data of an organization when
an RPA solution is deployed there. And as part of this, there should not be an
underestimate of the security features and measures that are quintessential of an
automation toolkit. Based on each product, there might be a different way of
handling such scenarios, but finding the right solution in your case is an essential
part of this activity.
5. Configuration Features
Every RPA application holds a feature designed in specific to accelerate and also
to simplify the editing of the configuration all the time. This ensures that the
effective deployment of automation and also adds a lot of support towards
building the required internal capabilities. Each RPA tool has its arsenal of
configuration tools tailored specifically to address these configuration
management challenges.
6. Deployment Features
(a) Deployment is only when the configuration and testing guidelines are all
crossed.
This includes the features like rolling out releases across machines, handle
environment-specific variables, provision of security controls for live
environment deployments. Some businesses call for specific deployment
scenarios where a powerful deployment toolset is always appreciated.
(b) Vendor Support and Documentation
Stronger the support from the Vendor of a particular RPA tool, the better the
resources which facilitate the deployment. The maturity of the support
organizations differs broadly as many key players have their presence in the
market already and also the new budding enterprises who want to make their
presence felt in this industry.
No specific RPA tool can be coined as the perfect fit for every process of the
organization. Hence the hurdle of selecting the best RPA tool is mostly close to
the requirements that you require and the provision that these tools provide. The
closest match is what you can proceed with the next set of formalities before
making the purchase.
Looking at the above details, you should be able to decide the importance of the
architecture of any given RPA tool. To understand this in detail, let us get into the
specifics of the RPA tool’s architecture. The following block diagram gives you a
brief depiction of a typical RPA solution and also its architecture. By the very
first look, you can make yourself realize that it is not a single tool, but is a
combination of various tools, platforms, and also various infrastructure elements
to form a complete RPA tool or a solution. Let us now take a more in-depth look
at the high-level details of each of these blocks in the solution architecture given
below:
1. Applications under Robotic Process Execution
RPA is well suited for enterprises and enterprise applications like ERP
solutions (For example, SAP, Siebel, or massive data processing or records
processing applications like Mainframes). Most of these applications are data-
centric and also data-intensive with loads and loads of setup and repetitive
process activities.
2. RPA Tools
Most of the critical capabilities that are expected to be available in any of the
RPA tools are given below:
• The ability to automate a variety of application environments such as Web,
Desktop, and Citrix environments.
• The ability to develop software robots that understand by recordings,
configuring, and also enhancing these with programming logic (For
example, loops and conditions).
• To be able to build reusable components which can further be applied to
multiple robots, ensuring modularity and also faster development and also
at the same time easier maintenance.
• To be able to build shared application UI object stores and also object
repositories containing object locators
• The ability to read and write from/to various data sources while executing
these software robots
3. RPA Platform
RPA in the cloud always acts as a shared repository to ensure the storage of all
the software robots and also the RPA based resources using the tool. These RPA
assets can further be divided across software robots (as repeatable sub-processes)
libraries. Scheduling, Distributing, and Monitoring the execution of software
robots are the features and capabilities provided by an RPA platform. Given all
the information available about RPA assets and executions, the RPA platform
further provides the ability to develop meaningful analytics about your
software robots and their execution statistics.
4. RPA Execution Infrastructure
The diagram above accentuates the understanding that one has over RPA to the
next level, providing a better depiction of the RPA tool as a layered design and
also explains every layer in the RPA tool’s architecture. The benefits of each of
these layers are also taken care of in the diagram, which also accentuates the
already existing understanding of the software architecture. This also goes about
telling that RPA is not just a single tool that we talk about, but it is a combination
of various layers of applications and tools that come together to make this whole
system and the architecture.
The depiction is how an RPA solution can always be fed on the feedback, to
make the automation model more efficient. The four stages of an application
where an RPA tool has been educated to perform a certain number of
mundane, monotonous rule-based, repetitive tasks. Once the software robots
are well educated, you may want to consult your business users on any specific
modifications to the already covered business scenarios. Once the consultation
process is concluded, you execute the automation model to ensure your
automation is always running and in turn, the tasks that are configured via this
automation are performed.
Many RPA vendors provide RPA tools, platforms, and infrastructure either as a
single unified solution or as separate solutions. It may be an excellent option to buy
most of these offerings from the same vendor for better integration. If you are
planning to use the free RPA tool, you may not get a fully-featured RPA platform
and execution infrastructure capabilities, but you get something at no cost.
There isn’t a tool-agnostic RPA platform available at the moment; it may be a good
idea that such a product is made available in the market in the future by an existing
RPA vendor or service provider. Look for configuration management capabilities
in the RPA tool and RPA platform you choose. This may not be a problem early
days, but as you scale up this is very much a desirable feature.
Conclusion
In this article, we have discussed what RPA is and RPA architecture. We have
taken it a step further and also discussed a bit on how we can go about
implementing RPA as well. Extending the discussion, we have also tried to get
better insights into what different constituents are required to achieve a successful
RPA as well.
INDUSTRIES BEST SUITED FOR RPA
Utilities: Utility companies – gas, electric, water, etc. – deal with monetary
transactions every day, so an obvious opportunity for RPA would be in billing as
well as in meter-reading exceptions, debt recovery, and customer service. By
automating a number of troubleshooting robots, a utility company can lower the
number of failed meter-readings that need human attention. And of course, plenty
of other industries could benefit from streamlined debt recovery and customer
service as well.
Legal: The legal system is practically built on paper, and although making a
switch to RPA requires more legwork than the average for-profit business, RPA
could truly revolutionize the legal system. A software robot can scan through the
massive stack of documents needed for a single legal case in seconds, and the
analytics RPA provides could even unearth missed information. Admittedly, this
would require a full digitization of all paper documents to be really successful.
An enormous undertaking, to be sure, but one with significant gains through
RPA.
**********************************************************
UNIT 2 MCQ QUESTIONS
16. Along with the ____, and the UiPath Orchestrator, the architecture
mainly consists of three UiPath components.
A. Database servers
B. Browser
C. Both A and B
D. None of the above
Answer: C) Both A and b
26. In the backend, you will find the ____ of the robots.
A. Logs
B. Stats
C. Both A and B
D. None of the above
Answer: C) Both A and B
28. Using the ____ layers of UiPath, we can explain its architecture.
A. Two
B. Three
C. Four
D. Five
Answer: B) Three
32. Between the client and the server, the ____ service in UiPath acts as
a mediator.
A. Agent
B. Executor
C. Both A and B
D. None of the above
Answer: A) Agent
33. An ____ logs the messages and then sends them to a SQL server by
UiPath Agent service.
A. Studio
B. Orchestrator
C. Robot
D. None of the above
Answer: B) Orchestrator
34. System settings can be ____ with the UiPath Agent Service.
A. Modified
B. Existing tasks can be started or stopped
C. Both A and B
D. None of the above
Answer: C) Both A and B
35. Software robots use the UiPath ____ service to execute tasks under
Windows.
A. Agent
B. Executor
C. Both A and B
D. None of the above
Answer: B) Executor
36. UIPath architecture is divided into several layers, with the Server
Layer being the ____v and most important layer.
A. First
B. Second
C. Third
D. Fourth
Answer: B) Second
39. Among the configuration details in the Persistency, the layer is ____,
logging data, and asset information.
A. Data regarding different users
B. Robots assigned to them
C. Tasks assigned to them
D. All of the above
Answer: D) All of the above
40. As part of the persistency layer, the UiPath ____ services are also
responsible for keeping the log details updated.
A. Agent
B. Executor
C. Both A and B
D. None of the above
Answer: A) Agent
47. As soon as a specific activity occurs on the machine, UiPath ____ will
start executing tasks automatically.
A. Studio
B. Robots
C. Orchestrator
D. None of the above
Answer: B) Robots
49. Software bots and processes can be ____ and controlled through
UiPath Orchestrator.
A. Deployed
B. Monitored
C. Scheduled
D. All of the above
Answer: D) All of the above
50. A ____ platform for controlling and managing all software bots is
UiPath Orchestrator.
A. Centralized
B. Decentralized
C. Semi-centralized
D. None
Answer: A) Centralized
CYBER SECURITY
Computer security, cybersecurity, digital security, or information technology security (IT security) is the
protection of computer systems and networks from attacks by malicious actors that may result in
unauthorized information disclosure, theft of, or damage to hardware, software, or data, as well as from
the disruption or misdirection of the services they provide
Additionally, the users of information technology should be protected from theft of assets, extortion,
identity theft, loss of privacy and confidentiality of personal information, malicious mischief, damage to
equipment, business process compromise, and the general activity of cybercriminals. The public should
be protected against acts of cyberterrorism, such as the compromise or loss of the electric power grid.
Cybersecurity is a major endeavor in the IT industry. There are a number of professional certifications
given for cybersecurity training and expertise. Although billions of dollars are spent annually on
cybersecurity, no computer or network is immune from attacks or can be considered completely secure.
Cybercrime is criminal activity that either targets or uses a computer, a computer network or a networked
device. Most cybercrime is committed by cybercriminals or hackers who want to make money. However,
occasionally cybercrime aims to damage computers or networks for reasons other than profit.
These include hacking, phishing, identity theft, ransomware, and malware attacks, among many others.
The reach of cyber crime knows no physical boundaries. Criminals, victims, and technical infrastructure
span worldwide.
Cyber crime is a general term describing the myriad of criminal activities carried out using a computer,
network, or another set of digital devices. Consider cyber crime the umbrella over the vast range of illegal
activities that cyber criminals commit. These include hacking, phishing, identity theft, ransomware, and
malware attacks, among many others.
The reach of cyber crime knows no physical boundaries. Criminals, victims, and technical infrastructure
span worldwide. With the use of technology to exploit security vulnerabilities on both a personal and
enterprise level, cyber crime takes many shapes and continuously evolves. In turn, the ability to
effectively investigate, prosecute, and prevent cyber crimes is an ongoing fight with many dynamic
challenges.
Cyber crime poses a serious threat to individuals, businesses, and government entities and can result in
significant financial loss, damaged reputation, and compromised records. As technology advances and
more people rely on digital devices and networks for standard operations, the threat of cyber crime
continues to increase, making it more critical than ever to take steps to protect against it.
unauthorised user attempts to access sensitive data or intellectual property to gain a competitive
advantage over a company or government entity. Cases of cyber espionage often involve state-sponsored
groups or individual hackers and can have major political or economic implications. One of the most
significant cases of cyber espionage was the five Chinese military hackers indicted for computer hacking,
economic espionage, and other offences directed at U.S. entities.
Data Breaches
Unauthorised access or leaks of sensitive data, such as confidential information, critical records, or
financial access. Data breaches can be attributed to a wide array of risk factors, such as weak passwords
and cybersecurity protocols, software system vulnerabilities, or insider threats. The consequences can
result in compromised data, financial damages, or tarnished reputations. Verizon's data breach
investigations report highlighted that 82% of breaches involved a human element.
Computer Viruses
Perhaps the most common type of malicious software that can self-replicate and spread to other systems,
often causing damage to computer files or programs. Examples of computer viruses include the Melissa,
ILOVEYOU, and Nimda viruses - all spread fast to infect files and damage computer systems.
DDoS Attacks
Distributed Denial of Service attacks, or DDoS attacks, are programmed to overwhelm a network or
website with traffic, causing it to slow down or crash entirely. DDoS attacks were one of many of
Russia’s destructive cyber activities against Ukraine, along with other attacks designed to delete computer
data belonging to governmental and private entities.
Software Piracy
A digital form of intellectual property theft involving unauthorised use or distribution of copyrighted
material, such as software, music, or movies. Examples of software piracy include using key generators or
crack software to activate paid software without a license.
Phishing Scams
Email fraud that involves techniques like deceptive emails, website scams, or misleading communications
to con victims into sharing their personal information and sensitive data or clicking links to malicious
downloads and websites. Examples of phishing scams involve emails that appear to be from household
brands, financial institutions, government agencies, or social media sites.
Identity Theft
In a digital context, identity theft refers to acquiring someone's private data for fraudulent or malicious
purposes. Target assets of identity theft include social security numbers, date of birth, credit card details,
or online accounts. Specific types include financial, medical, and tax identity theft; social media
impersonation; and identity cloning, when a person uses another's identity to conceal their own.
Online Harassment
Involves cyberbullying, cyberstalking, and repeated acts intended to scare, harm, anger, or shame a
particular individual. Today, online harassment is most prevalent on social media sites, dating apps, and
forums/message boards. Examples of online harassment include sending inappropriate and unsolicited
messages, making clear and intentional threats, or distributing sensitive photos or videos of a victim.
in a safe space. The most common password managers include 1Password, KeePass, LastPass, and
Apple's iCloud Keychain. However, some password managers come with risks.
Many cyber-attacks result from human error, such as clicking on malicious links or downloading virus-
containing files. Security awareness training is intended to help educate users on how to better identify,
avoid, and mitigate the threat of cyber-attacks. The most common forms of training are computer-based
awareness training and phishing simulated exercises where employees receive fake phishing emails to test
how they react. Security awareness training helps organisations establish a security-conscious culture,
creating a more resilient network to protect against cyber-attackers.
Many forms of cyber-attacks can result in critical data loss, which can have severe financial and
operational repercussions for both individuals and organisations. Data backup and recovery solutions can
help mitigate the damages from data loss by creating backup copies of data and ensuring a faster recovery
in the event of a ransomware attack, data breach, or another form of cyber-attack. Regularly archiving
data is an essential security protocol to ensure that you can recover your data in the event of an attack.
More advanced cyber crime prevention technologies now utilise machine learning and artificial
intelligence to gather and analyse data, track and trace threats, pinpoint vulnerabilities, and respond to
breaches. For example, ML algorithms can detect and prevent fraud in financial transactions by
identifying patterns that indicate fraudulent activity and flagging them for review. Similarly, AI
technologies can detect and prevent cyber-attacks on networks and systems by analysing network traffic,
identifying abnormal patterns, and responding to threats in real-time.
1. Against Individuals: These include e-mail spoofing, spamming, cyber defamation, cyber harassments
and cyber stalking.
2. Against Property: These include credit card frauds, internet time theft and intellectual property crimes.
3. Against Organisations: These include unauthorized accessing of computer, denial Of service, computer
contamination / virus attack, e-mail bombing, salami attack, logic bomb, trojan horse and data diddling.
Classification Of Cyber Crimes Cyber crimes can be classified in to 4 major categories as the
following:
(i) Email spoofing : A spoofed email is one in which the e-mail header is forged so that the mail appears
to originate from one source but actually has been sent from another source.
(ii) Spamming : Spamming means sending multiple copies of unsolicited mails or mass e-mails such as
chain letters.
(iii) Cyber Defamation : This occurs when defamation takes place with the help of computers and/or the
Internet. E.g. someone publishes defamatory matter about someone on a website or sends e-mails
containing defamatory information.
(iv) Harassment & Cyber stalking : Cyber Stalking Means following an individual's activity over internet.
It can be done with the help of many protocols available such as e- mail, chat rooms, user net groups. (2)
Against Property
(i) Credit Card Fraud : As the name suggests, this is a fraud that happens by the use of a credit card. This
generally happens if someone gets to know the card number or the card gets stolen
functions from inside what seems to be an authorized program, thereby concealing what it is actually
doing.
(viii) Data diddling : This kind of an attack involves altering raw data just before it is processed by a
computer and then changing it back after the processing is completed. (4) Against Society
(i) Forgery : Currency notes, revenue stamps, mark sheets etc. can be forged using computers and high
quality scanners and printers.
(ii) Cyber Terrorism : Use of computer resources to intimidate or coerce people and carry out the
activities of terrorism.
(iii) Web Jacking : Hackers gain access and control over the website of another, even they change the
content of website for fulfilling political objective or for money.
Cyber Terrorism –
Cyber terrorism is the use of the computer and internet to perform violent acts that result in loss of life.
This may include different type of activities either by software or hardware for threatening life of citizens.
In general, Cyber terrorism can be defined as an act of terrorism committed through the use of cyberspace
or computer resources.
Cyber Extortion –
Cyber extortion occurs when a website, e-mail server or computer system is subjected to or threatened
with repeated denial of service or other attacks by malicious hackers. These hackers demand huge money
in return for assurance to stop the attacks and to offer protection.
Cyber Warfare –
Cyber warfare is the use or targeting in a battle space or warfare context of computers, online control
systems and networks. It involves both offensive and defensive operations concerning to the threat of
cyber attacks, espionage and sabotage.
Internet Fraud –
Internet fraud is a type of fraud or deceit which makes use of the Internet and could include hiding of
information or providing incorrect information for the purpose of deceiving victims for money or
property. Internet fraud is not considered a single, distinctive crime but covers a range of illegal and illicit
actions that are committed in cyberspace.
Cyber Stalking –
This is a kind of online harassment wherein the victim is subjected to a barrage of online messages and
emails. In this case, these stalkers know their victims and instead of offline stalking, they use the Internet
to stalk. However, if they notice that cyber stalking is not having the desired effect, they begin offline
stalking along with cyber stalking to make the victims’ lives more miserable.
The Cybercrime usually happen with illiterate people around the world who are unaware about their cyber
rights implemented by the government of that particular country.
Anonymity-
Those who Commit cyber crime are anonymous for us so we cannot do anything to that person.
Every country in the world faces the challenge of cyber crime and the rate of cyber crime is increasing
day by day because the people who even don’t register a case of cyber crime and this is major challenge
for us as well as for authorities as well.
Committing a cyber crime is not a cup of tea for every individual. The person who commits cyber crime
is a very technical person so he knows how to commit the crime and not get caught by the authorities.
No harsh punishment-
In Cyber crime there is no harsh punishment in every cases. But there is harsh punishment in some cases
like when somebody commits cyber terrorism in that case there is harsh punishment for that individual.
But in other cases there is no harsh punishment so this factor also gives encouragement to that person
who commits cyber crime.
Maintain different password and username combinations for each account and resist the temptation to
write them down. Weak passwords can be easily cracked using certain attacking methods like Brute force
attack, Rainbow table attack etc, So make them complex. That means combination of letters, numbers and
special characters.
Always use trustworthy and highly advanced antivirus software in mobile and personal computers. This
leads to the prevention of different virus attack on devices.
Always keep your social media accounts data privacy only to your friends. Also make sure only to make
friends who are known to you.
Whenever you get the updates of the system software update it at the same time because sometimes the
previous version can be easily attacked.
Public Wi-Fi are vulnerable. Avoid conducting financial or corporate transactions on these networks.
A computer get infected by malware attacks and other forms of cybercrime is via email attachments in
spam emails. Never open an attachment from a sender you do not know.
Software should be updated – Operating system should be updated regularly when it comes to internet
security. This can become a potential threat when cybercriminals exploit flaws in the system.
UINT -V
VIRTUAL REALITY
Virtual Reality (VR) is a computer-generated environment with scenes and objects that appear to be real,
making the user feel they are immersed in their surroundings. This environment is perceived through a
device known as a Virtual Reality headset or helmet. VR allows us to immerse ourselves in video games
as if we were one of the characters, learn how to perform heart surgery or improve the quality of sports
training to maximise performance.
Although this may seem extremely futuristic, its origins are not as recent as we might think. In fact, many
people consider that one of the first Virtual Reality devices was called Sensorama, a machine with a built-
in seat that played 3D movies, gave off odours and generated vibrations to make the experience as vivid
as possible.
The invention dates back as far as the mid-1950s. Subsequent technological and software developments
over the following years brought with them a progressive evolution both in devices and in interface
design.
The main difference between the two is that VR builds the world in which we immerse ourselves through
a specific headset. It is fully immersive and everything we see is part of an environment artificially
constructed through images, sounds, etc. On the other hand, in augmented reality (AR), our own world
becomes the framework within which objects, images or similar are placed. Everything we see is in a real
environment and it may not be strictly necessary to wear a headset. The clearest and most mainstream
example of this concept is Pokémon Go.
However, there is also a combination of both realities called mixed reality. This hybrid technology makes
it possible, for example, to see virtual objects in the real world and build an experience in which the
physical and the digital are practically indistinguishable.
That's enough about the theory that is projecting us into the future. Which sectors is Virtual Reality
actually being used in today? Medicine, culture, education and architecture are some of the areas that
have already taken advantage of this technology. From guided museum visits to the dissection of a
muscle, VR allows us to cross boundaries that would otherwise be unimaginable.
Let us look into the three types of virtual reality to get a grasp on the different kind of experience they
bring to the users.
It is a type of virtual reality where you use a computer to control the activities within the experience.
Video games like Warcraft and Dota are some examples of non-immersive VR experiences.
In these games, you rely on a computer display, game console, keyboard, controller, and mouse. Your
interaction in the virtual environment is an indirect one, as you do not experience the sense of being
actually in it, and the platform does not fully block your field of view.
Semi-immersive VR keeps you connected to your physical surroundings while immersing you in a virtual
environment. It means that you can walk around in a virtual environment using a computer screen or VR
glasses, but there are no physical sensations to enhance the experience.
It is widely utilized for training purposes, such as pilot training, in which real control panels are used, but
powerful computers with high resolution screens are used to simulate real-world design and functionality.
Of the three types of virtual reality, fully immersive simulations give you the most realistic virtual
experience as it gives you a complete perception of existing in another world, it’s as if everything
happening to you is real. To experience and interact with fully-immersive virtual reality, you need special
equipment like body connectors with sense detectors, helmets, gloves, and proper VR headsets and
glasses.
This type of VR has been widely adapted for gaming, where players are positioned in a room, equipped
with the needed equipment to experience the virtual world. During the game, they can freely move their
bodies and arms and use them to participate in the game and control their avatar, not just from a third-
person perspective, but they will see and touch things as if they are in the game themselves.
There is a lot of noise and buzz around VR, and we are here to organize the clutter into 5 distinct points
that give you a full picture of what is happening in the industry.
If you thought VR is simply a tool for gaming, this is not true in 2024. Yes, VR is still a dominant force
in the gaming industry, but it is also a huge asset for businesses all over the world. The most popular uses
of VR within companies involve training, remote collaboration, tests and prototyping, but there are also
plenty of creative uses that fall outside these categories. It’s safe to say that thousands of these solutions
are in development and the impact of virtual reality will be huge.
Entertainment
As virtual worlds became more detailed and immersive, people began to spend time in these spaces for
entertainment, aesthetic inspiration, and socializing. Research that conceived of virtual places as fantasy
spaces, focusing on the activity of the subject rather than replication of some real environment, was
particularly conducive to entertainment. Beginning in 1969, Myron Krueger of the University of
Wisconsin created a series of projects on the nature of human creativity in virtual environments, which he
later called artificial reality. Much of Krueger’s work, especially his VIDEOPLACE system, processed
interactions between a participant’s digitized image and computer-generated graphical objects.
VIDEOPLACE could analyze and process the user’s actions in the real world and translate them into
interactions with the system’s virtual objects in various preprogrammed ways.
Different modes of interaction with names like “finger painting” and “digital drawing” suggest the
aesthetic dimension of this system. VIDEOPLACE differed in several aspects from training and research
simulations. In particular, the system reversed the emphasis from the user perceiving the computer’s
generated world to the computer perceiving the user’s actions and converting these actions into
compositions of objects and space within the virtual world. With the emphasis shifted to responsiveness
and interaction, Krueger found that fidelity of representation became less important than the interactions
between participants and the rapidity of response to images or other forms of sensory input
By the beginning of 1993, VPL had closed its doors and pundits were beginning to write of the demise of
virtual reality. Despite the collapse of efforts to market VR workstations in the configuration stabilized at
VPL and NASA, virtual world, augmented reality, and telepresence technologies were successfully
launched throughout the 1990s and into the 21st century as platforms for creative work, research spaces,
games, training environments, and social spaces. Military and medical needs also continued to drive these
technologies through the 1990s, often in partnership with By the mid-1990s, Mark Weiser at Xerox
PARC had begun to articulate a research program that instead sought to introduce computers into the
human world. In an article titled “The Computer for the 21st Century,” published in Scientific American
(1991), Weiser introduced the concept of ubiquitous computing.
By the beginning of 1993, VPL had closed its doors and pundits were beginning to write of the demise of
virtual reality. Despite the collapse of efforts to market VR workstations in the configuration stabilized at
VPL and NASA, virtual world, augmented reality, and telepresence technologies were successfully
launched throughout the 1990s and into the 21st century as platforms for creative work, research spaces,
games, training environments, and social spaces. Military and medical needs also continued to drive these
technologies through the 1990s, often in partnership with academic institutions or entertainment
companies. With the rise of the Internet, attention shifted to the application of networking technology to
these projects, bringing a vital social dimension to virtual worlds. People were learning to live in virtual
spaces.
The designers of NASA’s Visual Environment Display workstation cited the goal of putting viewers
inside an image; this meant figuratively putting users inside a computer by literally putting them inside an
assemblage of input and output devices. By the mid-1990s, Mark Weiser at Xerox PARC had begun to
articulate a research program that instead sought to introduce computers into the human world.
In an article titled “The Computer for the 21st Century,” published in Scientific American (1991), Weiser
introduced the concept of ubiquitous computing. Arguing that “the most profound technologies are those
that disappear” by weaving “themselves into the fabric of everyday life until they are indistinguishable
from it,” he proposed that future computing devices would outnumber people—embedded in real
environments, worn on bodies, and communicating with each other through personal virtual agents. These
computers would be so natural that human users would not need to think about them, thus inaugurating an
era of “calm technology.” If Weiser’s ubiquitous computing is thought of as complementary rather than
opposed to VR, one can see traces of his ideas in a variety of post-VR systems.
Scientific visualization, process of graphically displaying real or simulated scientific data. It is a vital
procedure in the creative realization of scientific ideas, particularly in computer science. Basic
visualization techniques include surface rendering, volume rendering, and animation. High-performance
workstations or supercomputers are used to show simulations, and high-level programming languages are
being developed to support visualization programming. Scientific visualization has applications in
biology, business, chemistry, computer science, education, engineering, and medicine.
Head-mounted display:
head-mounted display (HMD) is a display device, worn on the head or as part of a helmet (see helmet-
mounted display for aviation applications), that has a small display optic in front of one (monocular
HMD) or each eye (binocular HMD). HMDs have many uses including gaming, aviation, engineering,
and medicine.
HMD that track 3D position and rotation to provide a virtual environment to the user. 3DOF VR headsets
typically use an IMU for tracking. 6DOF VR headsets typically use sensor fusion from multiple data
sources including at least one IMU.
An optical head-mounted display (OHMD) is a wearable display that can reflect projected images and
allows a user to see through it.
typical HMD has one or two small displays, with lenses and semi-transparent mirrors embedded in
eyeglasses (also termed data glasses), a visor, or a helmet. The display units are miniaturized and may
include cathode ray tubes (CRT), liquid-crystal displays (LCDs), liquid crystal on silicon (LCos), or
organic light-emitting diodes (OLED). Some vendors employ multiple micro-displays to increase total
resolution and field of view.
HMDs differ in whether they can display only computer-generated imagery (CGI), or only live imagery
from the physical world, or combination. Most HMDs can display only a computer-generated image,
sometimes referred to as virtual image. Some HMDs can allow a CGI to be superimposed on real-world
view.
This is sometimes referred to as augmented reality (AR) or mixed reality (MR). Combining real-world
view with CGI can be done by projecting the CGI through a partially reflective mirror and viewing the
real world directly. This method is often called optical see-through. Combining real-world view with CGI
can also be done electronically by accepting video from a camera and mixing it electronically with CGI.
Applications
Major HMD applications include military, government (fire, police, etc.), and civilian-commercial
(medicine, video gaming, sports, etc.).
In 1962, Hughes Aircraft Company revealed the Electrocular, a compact CRT(7" long), head-mounted
monocular display that reflected a TV signal in to transparent eyepiece.[3][4][5][6] Ruggedized HMDs
are increasingly being integrated into the cockpits of modern helicopters and fighter aircraft. These are
usually fully integrated with the pilot's flying helmet and may include protective visors, night vision
devices, and displays of other symbology.
Military, police, and firefighters use HMDs to display tactical information such as maps or thermal
imaging data while viewing a real scene. Recent applications have included the use of HMD for
paratroopers.[7] In 2005, the Liteye HMD was introduced for ground combat troops as a rugged,
waterproof lightweight display that clips into a standard U.S. PVS-14 military helmet mount. The self-
contained color monocular organic light-emitting diode (OLED) display replaces the NVG tube and
connects to a mobile computing device.
The LE has see-through ability and can be used as a standard HMD or for augmented reality applications.
The design is optimized to provide high definition data under all lighting conditions, in covered or see-
through modes of operation. The LE has a low power consumption, operating on four AA batteries for 35
hours or receiving power via standard Universal Serial Bus (USB) connection.
Engineering
Engineers and scientists use HMDs to provide stereoscopic views of computer-aided design (CAD)
schematics.[10] Virtual reality, when applied to engineering and design, is a key factor in integration of
the human in the design. By enabling engineers to interact with their designs in full life-size scale,
products can be validated for issues that may not have been visible until physical prototyping. The use of
HMDs for VR is seen as supplemental to the conventional use of CAVE for VR simulation. HMDs are
predominantly used for single-person interaction with the design, while CAVEs allow for more
collaborative virtual reality sessions.
There are also applications in surgery, wherein a combination of radiographic data (X-ray computed
tomography (CAT) scans, and magnetic resonance imaging (MRI) imaging) is combined with the
surgeon's natural view of the operation, and anesthesia, where the patient vital signs are within the
anesthesiologist's field of view at all times.
Research universities often use HMDs to conduct studies related to vision, balance, cognition and
neuroscience. As of 2010, the use of predictive visual tracking measurement to identify mild traumatic
brain injury was being studied. In visual tracking tests, a HMD unit with eye tracking ability shows an
object moving in a regular pattern. People without brain injury are able to track the moving object with
smooth pursuit eye movements and correct trajectory.
Virtual cinema
Some head-mounted displays are designed to present traditional video and film content in a virtual
cinema. These devices typically feature a relatively narrow field of view (FOV) of 50–60°, making them
less immersive than virtual-reality headsets, but they offer correspondingly higher resolution in terms of
pixels per degree. Released in 2011, the Sony HMZ-T1 featured 1280x720 resolution per eye. In
approximately 2015, standalone Android 5 (Lollipop) based "private cinema" products were released
using various brands such as VRWorld, Magicsee, based on software from Nibiru
Low-cost HMD devices are available for use with 3D games and entertainment applications. One of the
first commercially available HMDs was the Forte VFX1 which was announced at Consumer Electronics
Show (CES) in 1994.[13] The VFX-1 had stereoscopic displays, 3-axis head-tracking, and stereo
headphones. Another pioneer in this field was Sony, which released the Glasstron in 1997.
It had as an optional accessory a positional sensor which permitted the user to view the surroundings,
with the perspective moving as the head moved, providing a deep sense of immersion. One novel
application of this technology was in the game MechWarrior 2, which permitted users of the Sony
Glasstron or Virtual I/O's iGlasses to adopt a new visual perspective from inside the cockpit of the craft,
using their own eyes as visual and seeing the battlefield through their craft's own cockpit.
Remote control
First-person view (FPV) drone flying uses head-mounted displays which are commonly called "FPV
goggles".[25][26] Analog FPV goggles (such as the ones produced by Fat Shark) are commonly used for
drone racing as they offer the lowest video latency. But digital FPV goggles (such as produced by DJI)
are becoming increasingly popular due to their higher resolution video.
Since 2010s, FPV drone flying is widely used in aerial cinematography and aerial photography.
Remote control
First-person view (FPV) drone flying uses head-mounted displays which are commonly called "FPV
goggles".[25][26] Analog FPV goggles (such as the ones produced by Fat Shark) are commonly used for
drone racing as they offer the lowest video latency. But digital FPV goggles (such as produced by DJI)
are becoming increasingly popular due to their higher resolution video.
Since 2010s, FPV drone flying is widely used in aerial cinematography and aerial photography.
A key application for HMDs is training and simulation, allowing to virtually place a trainee in a situation
that is either too expensive or too dangerous to replicate in real-life. Training with HMDs covers a wide
range of applications from driving, welding and spray painting, flight and vehicle simulators, dismounted
soldier training, medical procedure training, and more. However, a number of unwanted symptoms have
been caused by prolonged use of certain types of head-mounted displays, and these issues must be
resolved before optimal training and simulation is feasible.
Sports
A HMD system has been developed for Formula One drivers by Kopin Corp. and the BMW Group. The
HMD displays critical race data while allowing the driver to continue focusing on the track as pit crews
control the data and messages sent to their drivers through two-way radio.[28] Recon Instruments
released on 3 November 2011 two head-mounted displays for ski goggles, MOD and MOD Live, the
latter based on an Android operating system.[29]
A key application for HMDs is training and simulation, allowing to virtually place a trainee in a situation
that is either too expensive or too dangerous to replicate in real-life. Training with HMDs covers a wide
range of applications from driving, welding and spray painting, flight and vehicle simulators, dismounted
soldier training, medical procedure training, and more. However, a number of unwanted symptoms have
been caused by prolonged use of certain types of head-mounted displays, and these issues must be
resolved before optimal training and simulation is feasible.
WebEx. The virtual collaboration tool from Cisco Systems, WebEx is one of the most popular enterprise
tools for video conferencing, online meetings, screen share, and webinars.
Virtual communication channels can fall far behind face-to-face interactions when your workforce
consists of in-person, remote, and hybrid teams.
This creates an internal communication gap between on-site and off-site employees that can become a
huge problem if not managed properly.
This guide will show you how to maintain team communication and collaboration across the enterprise
for your in-office, remote, and hybrid employees
BLOG Customer Experience Business Communication Leadership Productivity Marketing & Sales
Product Updates VoIP
Virtual communication is how employees collaborate and interact with each other when they are not
working in the same physical space. People often use collaboration software as a means to share
information.
Real-time interaction — like virtual calls, online meetings, and instant messages — is an integral
part of this, but it also includes:
All of this reduces the friction that comes with in-person and remote employees collaborating across
multiple locations and time zones. It keeps them on the same page, ensuring tasks are delivered on time
and work performance stays at its peak.
For most employees, business communication takes place over many different channels.
About 86% of respondents in a Vitally survey said that chat workspaces are their most-used virtual
communication channel.
Instant messaging apps like WhatsApp and iMessage help employees interact with each other in real time.
Someone working from home cannot skip over to a colleague’s desk to ask a question. But they can pop
them a quick WhatsApp message or jump on a Slack huddle for a chat.
Chat workspaces like Slack and Microsoft Teams also let you share files and track all your tasks and
updates in one place by syncing with other work tools, like your project management software and email
client.
Despite these benefits, instant messaging apps are one of the biggest distractions for remote
workers.
When you’re not in the office with the rest of the team, you risk missing important information. To avoid
this, remote workers stay plugged in and check every message notification, even though very few need
immediate attention.
Honestly, the updates in the pet channel can wait. “But it’ll only take a few seconds to read a Slack
message,” you may think.
While this may be true, refocusing on your work after a distraction actually takes at least 23 minutes. You
could waste an entire hour by checking just three notifications.
Say you want to organize a workshop for off-site and remote employees. Slack and iMessage aren’t built
for that — you’ll need a virtual meeting platform.
Virtual meeting tools let you host engaging video meetings, conferences, and presentations for people in
different locations. During these virtual meetups, attendees can chat with each other, contribute to
collaborative whiteboards, and share screens and files, among other things.
All in all, these features create immersive experiences that make it feel like everyone is in the same room.
As with any technology, video conferencing has its challenges, the most obvious being internet
connectivity. Poor or unstable internet connection causes lags and freezes, which ruin the meeting
experience. Sometimes, you may even need to reschedule.
Many companies overload their teams with frequent, long, and sometimes pointless virtual meetings to
the extent of hindering their jobs. An Otter report found that employees spend over one-third of their
working hours in meetings, leaving little to no time for productive work.
More than 80% of respondents in Vitally’s State of Knowledge Sharing report said they use a project
management tool at work.
Project management software gives you a bird’s-eye view of tasks. You’ll see who’s working on what,
how far they’ve come, and the due date for deliverables. This helps remote and in-person teams stay on
top of goals and responsibilities as they work together.
After adding a new project to the software, you can map out timelines, assign tasks to collaborators, and
share automatic status updates with the rest of your team, among other things. Asana, Trello, and Monday
offer templates to help you quickly set up projects, tasks, and to-do lists. They also sync with calendars,
email messages, and chat workspaces for better task visibility.
Your project management software is only as effective as your maintenance culture. If you don’t archive
outdated information, tick off completed tasks, and update delivery dates regularly, employees will miss
deadlines, and you’ll lose track of important information.
A knowledge base is a library of information. It’s where you store documentation, onboarding guides,
customer tutorials, and everything else your team needs for its job. It will help your team collaborate
asynchronously.
Picture this: John, an on-site employee, needs information from Mary to complete an urgent task. But
Mary works remotely, and her day doesn’t start for another five hours.
Luckily, Mary documented the information in the company’s knowledge base. John goes into the library
and finds what he needs quickly instead of waiting.
As a rule of thumb, if you’re asked the same question three times, document and add the answer to the
knowledge base.
Beyond documentation, a knowledge-based application lets you create collaborative project plans,
visualize tasks with whiteboards, and sync lists from your project management tool.
However, it can quickly become cluttered and outdated if you don’t maintain it regularly. Consider hiring
someone to organize and update the content as your business grows.
Email clients:
Email is the most popular internal communication channel, according to ContactMonkey’s 2023 Global
State of Internal Communication report. Businesses use it to interact with employees and customers, track
tasks, and save important documents like invoices, pitch decks, and information threads.
If you choose email clients like Gmail and Outlook, you automatically have access to a suite of cloud-
based software for running your business.
Gmail, for example, syncs with Docs, Google Meet, Drive, and Google Calendar. Outlook, on the other
hand, syncs with Microsoft Word, OneDrive, Teams, and more. These integrations make it easy for you
to move business data around.
UNIT -IV
1. Many Cyber Crimes comes under Indian Penal Code Which one of the following is an example?
A. Sending Threatening message by Email
B. Forgery of Electronic Record
C. Bogus Website
D. All of above Ans :d
2. The Information Technology Act 2000 is an Act of Indian Parliament notified on
A. 27th October 2000
B. 15th December 2000
C. 17th November 2000
D. 17th October 2000 :Ans d
3. Digital Signature Certificate is ____________ requirement under various applications
A. Statutory
B. Legislative
C. Govenmental
D. Voluntary
Ans :A
4. Assessing Computer without prior authorization is a cyber crime that comes under____
A. Section 65
B. Section 66
C. Section 68
D. Section 70
Ans :b
5. ____________ means a person who has been granted a licence to issue a electronic signature
certificate.
A. Certifying Authority
B. Certifying Private Key Authority
C. Certifying system controller
D. Appropriate Authority Ans :A
Government Service.
A. Governance
B. Electronic Governance
C. Governance and Ethics
D. Risk and Governance. ans:B
8. The Altering of data so that it is not usable unless the changes are undone is
A. Biometrics
B. Encryption
C. Ergonomics
D. Compression Ans :b
9. Authentication is _________
A. To assure identity of user on a remote system
B. Insertion
C. Modification
D. Integration Ans: A
10. The following cannot be exploited by assigning or by licensing the rights of others
A. Patent
B. Design
C. Trademark
A. 44 words B. 60 words
C. 52 words D. 36 words
Answer: C. 52 words
12. For the AES-128 algorithm there are __________ similar rounds and _________ round is
different.
Ans:C
14.In brute force attack, on average half of all possible keys must be tried to achieve success.
a) True
b) False
Ans:a
Answer: d
Answer:b
a) Cloud Security
b) Network Security
c) Application Security
Answer:d
Answer:a
19. The ________is the original message before transformation.
A) ciphertext B) plaintext
Answer:B
A) ciphertext B) plaintext
Answer:A
A) encryption B) decryption
Answer:A
22. The _______ is a number or a set of numbers on which the cipher operates.
Answer:C
23. In an ________ cipher, the same key is used by both the sender and receiver.
A) symmetric-key. B) asymmetric-key
Answer:B
A) private B) public
Answer:B
A) private B) public
A) substitution. B) transposition
Answer:A
27. One commonly used public-key cryptography method is the ______ algorithm.
Answer:C
Answer:C
29. The _______ cipher is the simplest monoalphabetic cipher. It uses modular
Answer:C
30. _________ ciphers can be categorized into two broad categories: monoalphabetic and
polyalphabetic.
A) Substitution B) Transposition
Answer:A
32) Which one of the following is considered in the category of computer threats?
35) Which of these scanners for ports and IP addresses is most used by users?
36) Which of the following phrases describes taking someone else's creation or idea and using it for one's
own advantage?
37) Which of the following describes investigating moral conduct concerning the digital media
landscape?
a) Cyberethics
b) Cyber low
c) Cybersafety
d) Cybersecurity
38) State whether True or False: Data encryption is used to ensure confidentiality.
39) Determine the earliest method of free phone calls used by hackers.
a) Wireshark
b) Aircrack-ng
c) Norton
45) Which of these was the first antivirus software ever created?
46. ............ is the science and art of transforming message s to make them secure and
immune to attacks.
UNIT -V
c) A simulated environment that can be similar to or different from the real world
Answer: c) A simulated environment that can be similar to or different from the real world
2.Which of the following is a common device used for experiencing virtual reality?
a) Smartphone
b) Smartwatch
c) Television
d) Headset
Answer: d) Headset
5.What is the term for the feeling of being present in a virtual environment?
a) Imagination
b) Presence
c) Reality distortion
d) Immersion
Answer: d) Immersion
6.What is the primary input device for interacting with virtual reality?
a) Keyboard
b) Mouse
c) Controller
d) Joystick
Answer: c) Controller
7.Which industry has extensively used virtual reality for training purposes?
a) Healthcare
b) Retail
c) Agriculture
d) Transportation
Answer: a) Healthcare
8.Which of the following is an example of a virtual reality application?
d) Email client
a) Panorama
b) Hologram
c) Augmented reality
d) 360-degree video
10.What is the term for the feeling of dizziness or nausea that some users experience in virtual reality?
a) Virtual sickness
c) Cyber sickness
d) Immersion sickness
11.Which technology is often used to track the movement of a user’s head in virtual reality?
a) GPS
b) Accelerometer
c) Gyroscope
d) Sonar
Answer: c) Gyroscope
a) PlayStation VR
b) Xbox
c) Nintendo Switch
d) PC
Answer: a) PlayStation VR
13.What is the term for the process of creating a virtual reality environment?
a) Virtualization
b) Simulation
c) Rendering
d) Programming
Answer: c) Rendering
a) Oculus Rift
b) HTC Vive
c) Google Glass
d) Samsung Gear VR
a) Aviation
b) Entertainment
c) Construction
d) Automotive
Answer: a) Aviation
16.What is the term for the ability to physically move around in a virtual space?
a) Teleportation
b) Locomotion
c) Haptic feedback
d) Gesture recognition
Answer: b) Locomotion
17.What is the term for the technology that enables users to feel physical sensations in virtual reality?
a) Haptic feedback
b) Augmented reality
c) Motion tracking
d) Virtual simulation
19.What is the term for virtual reality experiences that are designed to evoke strong emotional responses?
a) Emotional reality
b) Empathy simulation
c) Virtual therapy
d) Emotional immersion
a) Facebook Horizon
b) Netflix
cApologies for the interruption. Here are the remaining quiz questions:
b) Netflix
c) Spotify
22.What is the term for the technique used to create a sense of depth and dimension in virtual reality?
a) 3D modeling
b) Stereoscopic rendering
c) Motion tracking
d) Spatial audio
23.Which of the following industries has not extensively adopted virtual reality technology?
a) Education
b) Real estate
c) Gaming
d) Manufacturing
Answer: d) Manufacturing
24.What is the term for the technology that allows users to interact with virtual objects using hand
gestures?
a) Voice recognition
b) Eye tracking
c) Gesture recognition
d) Brain-computer interface
a) Unity
b) Photoshop
c) Excel
d) Word
Answer: a) Unity
26.What is the term for the process of mapping real-world objects into a virtual environment?
a) Object scanning
b) Environment modeling
c) Photogrammetry
d) Motion capture
Answer: c) Photogrammetry
a) Surgical training
b) Patient diagnosis
c) Physical therapy
28.What is the term for the realistic representation of human-like avatars in virtual reality?
a) Virtual embodiment
b) Avatar synthesis
c) Character animation
d) Digital cloning
c) Motion sickness
d) All of the above
30.What is the term for the process of combining real-world and virtual elements in a single experience?
a) Mixed reality
b) Cross-reality
c) Blended reality
d) Hybrid reality
33. Which type of Virtual Reality provides a more immersive experience than Non-Immersive VR but
falls short of fully immersing the user?
a) Non-Immersive VR
b) Semi-Immersive VR
c) Fully Immersive VR
Answer: b) Semi-Immersive VR
34.What is the primary function of an HMD in Virtual Reality?
35. What is one of the challenges of using Virtual Reality for extended periods?
36. What is the primary purpose of using hand controllers in Virtual Reality?
Answer: c) To enable the user to interact with virtual objects and elements
37. Which industry commonly uses Virtual Reality for employee training and skills development?
a) Entertainment
b) Healthcare
c) Construction
d) Retail
Answer: c) Construction
38. Which type of Virtual Reality allows users to view virtual environments on a standard computer
screen?
a) Non-Immersive VR
b) Semi-Immersive VR
c) Fully Immersive VR
Answer: a) Non-Immersive VR
40. In which type of Virtual Reality can users see the real world with additional virtual elements overlaid
on top?
a) Non-Immersive VR
b) Semi-Immersive VR
c) Fully Immersive VR
b) Architectural visualization
c) Traditional photography
42. What is the primary drawback of using fully immersive Virtual Reality?
c) Motion sickness
a) Printer
b) Monitor
d) Mouse
44. Which type of Virtual Reality is often used for gaming and entertainment experiences?
a) Non-Immersive VR
b) Semi-Immersive VR
c) Fully Immersive VR
a) Smartphone
b) Television
d) Laptop