SlideShare a Scribd company logo
INTERNSHIP
Artificial Intelligence
with Python
Abbreviations
AI  Artifical Intelligence
ML  Machine Learning
NN  Neural Network
IP  Image Processing
CNN  Convolution Neural Network
DL  Deep Learning
DNN  Deep Neural Network
ANN  Artifical Neural Network
AI (ML) – Human Brain
Human Organ – AI Tools
Eye  Camera
Nose  Sensor
Ear  MIC, Mircrophone
Mouth  Speaker
Tongue (Taste)  Sensors
Hands & Legs  Motors (Robotics)
Emotions  Software
AI – Basics
Father of Artificial Intelligence is John McCarthy.
The science and engineering of making intelligent
machines, especially intelligent computer programs.
Artificial Intelligence is a way of making a
computer, a computer-controlled robot, or a software
think intelligently, in the similar manner the intelligent
humans think.
AI is accomplished by studying how human brain
thinks and how humans learn, decide, and work while
trying to solve a problem, and then using the outcomes
of this study as a basis of developing intelligent
software and systems.
Concepts in AI
Machine Learning
NLTK Package (Natural Language Toolkit Package) ,
NLP(Natural Language Processing)
Speech Recognition
Heuristic Search
Gaming
Neural Networks
Genetic Algorithms
Computer Vision
Deep Learning
Robotics
Good Qualities of Human & AI
Human is good with emotions, thinking and can
perform huge number of activities with the support of
all the external organs.
Machines  lifting 1000 kg weight (JCB),
AI  JCB (Robotics) with camera, emotions
(sensors and SW), Speaker to tell about issues.
Human - AI
AI Goal  to create system which can function
Intelligently and Independently.
Human Speak &Listen  Speech Recognition
Write & Read Text  NLP (Natural Language
Processing).
See with Eyes, Process, Recognize Computer
Vision (Image Processing)
Understand & Move freely  Robotics
Like & Unlike objects grouping and Patterns 
Pattern Recognition (Machine Learning, more data
and dimensions of data)
Human - AI
Brain, Network of Neurons  Neural Network
More complex & deeper  Deep Learning or Deep
Neural Network
Key Points
AI  ML, IP, NN, CNN, DS, DL all these topics are
part of AI
AI or ML  Data to train the algorithm.
IDE - Software
Anaconda platform
Jupyter Notebook
Idle IDE
Pycharm
Installation of useful packages
pip install numpy
pip install scipy
pip install matplotlib
pip install sklearn
pip install pandas
pip install sys
pip install keras
pip3 install --upgrade tensorflow
Testing of Installed Packages
Numpy
NumPy is an open source library available in Python
that aids in mathematical, scientific, engineering, and
data science programming.
Multi-dimensional arrays and matrices
multiplication.
The library’s name is actually short for "Numeric
Python" or "Numerical Python".
NumPy is memory efficiency, meaning it can handle
the vast amount of data more accessible than any other
library.
scikit-learn
Simple and efficient tools for data mining and data
analysis
Accessible to everbody, and reusable in various
contexts
Built on Numpy, SciPy, and matplotlib
Open source, commercially usable - BSD license
Tensorflow
Developed by Google
Open Source
The Advantages of TensorFlow are - It has excellent
community support, It is designed to use various backend
software (GPUs, ASIC), etc. and also highly parallel, It has a
unique approach that allows monitoring the training progress
of our models and tracking several metrics, & Its performance
is high and matching the best in the industry.
There are 4 main tensor type you can create in TensorFlow -
tf.Variable, tf.constant, tf.placeholder, & tf.SparseTensor.
AI - Types
Symbolic Based  Computer Vision, Image
Processing, Camera, Video, Image, Robotics.
Machine Learning  Based on data. Feed machine
with lot of data, so it can learn and perform. (Ex – Lot
of data of Sales versus Advertising spent, then ML can
learn and draw pattern in more than 100 and 1000
dimensions)
ML  Classification & Prediction (Shop Ex –
classifying customers as per data (old / new, age) and
assign toys, and predict their next interest of purchase)
Machine Learning
Machine learning  field of computer science, an
application of artificial intelligence, which provides
computer systems the ability to learn with data and
improve from experience without being explicitly
programmed.
The main focus of machine learning is to allow the
computers learn automatically without human
intervention.
Observations of data  The data can be some
examples, instruction or some direct experiences too.
Then on the basis of this input, machine makes better
decision by looking for some patterns in data.
Data Input types
Excel Data  Numbers and Strings
Images or Videos
Audio Signals
Types of Machine Learning Algorithms
Supervised machine learning algorithms
Unsupervised machine learning algorithms
Reinforcement machine learning algorithms
AI is a combination of complex algorithms
from the various mathematical domains such as
Algebra, Calculus, and Probability and
Statistics.
Supervised machine learning algorithms
This is the most commonly used machine learning
algorithm.
It is called supervised because the process of
algorithm learning from the training dataset can be
thought of as a teacher supervising the learning
process. In this kind of ML algorithm, the possible
outcomes are already known and training data is also
labeled with correct answers.
Supervised machine learning algorithms
Mainly supervised leaning problems can be divided
into the following two kinds of problems −
Classification − A problem is called classification
problem when we have the categorized output such as
“black”, “teaching”, “non-teaching”, etc. (Ex: Classify
all types of flowers, Classify Dolphin or Seahorse)
Regression − A problem is called regression problem
when we have the real value output such as “distance”,
“kilogram”, etc.
Supervised machine learning algorithms
Supervised machine learning algorithms
Supervised - Regression
Regression is one of the most important statistical and
machine learning tools.
It may be defined as the parametric technique that allows us
to make decisions based upon data or in other words allows us
to make predictions based upon data by learning the
relationship between input and output variables. Here, the
output variables dependent on the input variables, are
continuous-valued real numbers.
In regression, the relationship between input and output
variables matters and it helps us in understanding how the
value of the output variable changes with the change of input
variable. Regression is frequently used for prediction of prices,
economics, variations, and so on.
Supervised machine learning algorithms
Gaussian naive bayes
Support Vector Machines (SVM)
Logistic Regression
Random Forest Classifier
K-Nearest Neighbors (KNN) Classifier
Unsupervised machine learning algorithms
algorithms do not have any supervisor to provide
any sort of guidance. That is why unsupervised
machine learning algorithms are closely aligned with
what some call true artificial intelligence.
Suppose we have input variable x, then there will be
no corresponding output variables as there is in
supervised learning algorithms.
In simple words, we can say that in unsupervised
learning there will be no correct answer and no teacher
for the guidance. Algorithms help to discover
interesting patterns in data.
Unsupervised machine learning algorithms
Unsupervised learning problems can be divided into the
following two kinds of problem −
Clustering − In clustering problems, we need to discover the
inherent groupings in the data. The main goal of clustering is
to group the data on the basis of similarity and dissimilarity.
For example, grouping customers by their purchasing
behavior.
Association − A problem is called association problem
because such kinds of problem require discovering the rules
that describe large portions of our data. For example, finding
the customers who buy both x and y.
Unsupervised machine learning algorithms
Unsupervised machine learning algorithms
Unsupervised machine learning algorithms
K-means clustering algorithm
Mean Shift clustering Algorithm
Reinforcement machine learning algorithms
These kinds of machine learning algorithms are used
very less.
These algorithms train the systems to make specific
decisions. Basically, the machine is exposed to an
environment where it trains itself continually using the
trial and error method. These algorithms learn from
past experience and try to capture the best possible
knowledge to make accurate decisions.
Markov Decision Process is an example of
reinforcement machine learning algorithms.
Block or Architecture Diagram
Laptop python
Dataset images
/ Excel Dataset
Algorithm
Output display
Loan available
or not
Library opencv,
sklearn
Methodology
• Input Image – Real time Camera / Static Image / Excel
Dataset
• Import Libraries
• Dataset Visualization
• processing of the data
• feature extraction
• Graphical View output
• Split Train and Test Data
• Machine learning Analysis
• Output Prediction
Dataset Analysis
Dataset  Columns are called as  Features, Dimensions,
Attributes, Variables, Parameters etc.
Balanced or Imbalanced Data.
Output  Class or Label
Parameters 
Check value counts of required parameters (Ex output)
Fill empty cells with Average value of that parameters.
Remove empty Cells.
Remove imbalanced data
Delete unwanted columns
Preprocessing the Data
ML require formatted data to start the training
process. We must prepare or format data in a certain
way so that it can be supplied as an input to ML
algorithms.
In our daily life, we deal with lots of data but this
data is in raw form. To provide the data as the input of
machine learning algorithms, we need to convert it
into a meaningful data.
In other simple words, we can say that before
providing the data to the machine learning algorithms
we need to preprocess the data.
Preprocessing Steps
Importing the useful packages  import numpy, sklearn,
matplotlib etc.
Example Dataset  online, library or download in excel csv
format.
Binarization  all the values above 0.5(threshold value)
would be converted to 1 and all the values below 0.5 would be
converted to 0.
Mean Removal
Scaling
Normalization
Labeling the data
Train data & Test data
Input Image
 When a computer sees an image, it will see an array of pixel
values.
 Let's say we have a color image in JPG form and its size is
480 x 480. The representative array will be 480 x 480 x 3
array of numbers (The 3 refers to RGB values).
 Each of these numbers is given a value from 0 to 255 which
describes the pixel intensity at that point.
Image – Feature Extraction
Color – Pixel Intensity
Shape
Texture
How an Algorithm will Process the
Image
How an Algorithm will Process the
Image
Image Processing Ex

More Related Content

Similar to Internship - Python - AI ML.pptx

Machine Learning Basics
Machine Learning BasicsMachine Learning Basics
Machine Learning Basics
Suresh Arora
 
machinecanthink-160226155704.pdf
machinecanthink-160226155704.pdfmachinecanthink-160226155704.pdf
machinecanthink-160226155704.pdf
PranavPatil822557
 
Internshipppt.pptx
Internshipppt.pptxInternshipppt.pptx
Internshipppt.pptx
VishalKumarSingh645583
 
Machine Can Think
Machine Can ThinkMachine Can Think
Machine Can Think
Rahul Jaiman
 
Hot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and ThesisHot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and Thesis
WriteMyThesis
 
Machine Learning Introduction
Machine Learning Introduction Machine Learning Introduction
Machine Learning Introduction
KritimPrasadKafle
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
Johnson Ubah
 
Data Science.pptx
Data Science.pptxData Science.pptx
Data Science.pptx
TrainerAnalogicx
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
Machine learning
Machine learningMachine learning
Machine learning
LawyerAiman1
 
How to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? EdurekaHow to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? Edureka
Edureka!
 
recent.pptx
recent.pptxrecent.pptx
recent.pptx
addisuaddaaa
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
pyingkodi maran
 
introductiontomachinelearning.pptx
introductiontomachinelearning.pptxintroductiontomachinelearning.pptx
introductiontomachinelearning.pptx
SivapriyaS12
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Joshua Robinson
 
mining sirdar , overman, assistant managerppt.ppt
mining sirdar , overman, assistant managerppt.pptmining sirdar , overman, assistant managerppt.ppt
mining sirdar , overman, assistant managerppt.ppt
UttamVishwakarma7
 
Artificial intelligence slides beginners
Artificial intelligence slides beginners Artificial intelligence slides beginners
Artificial intelligence slides beginners
Antonio Fernandes
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
Sangath babu
 
Data science dec ppt
Data science dec pptData science dec ppt
Data science dec ppt
sterlingit
 
Machine Learning Chapter one introduction
Machine Learning Chapter one introductionMachine Learning Chapter one introduction
Machine Learning Chapter one introduction
ARVIND SARDAR
 

Similar to Internship - Python - AI ML.pptx (20)

Machine Learning Basics
Machine Learning BasicsMachine Learning Basics
Machine Learning Basics
 
machinecanthink-160226155704.pdf
machinecanthink-160226155704.pdfmachinecanthink-160226155704.pdf
machinecanthink-160226155704.pdf
 
Internshipppt.pptx
Internshipppt.pptxInternshipppt.pptx
Internshipppt.pptx
 
Machine Can Think
Machine Can ThinkMachine Can Think
Machine Can Think
 
Hot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and ThesisHot Topics in Machine Learning for Research and Thesis
Hot Topics in Machine Learning for Research and Thesis
 
Machine Learning Introduction
Machine Learning Introduction Machine Learning Introduction
Machine Learning Introduction
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
 
Data Science.pptx
Data Science.pptxData Science.pptx
Data Science.pptx
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
Machine Learning by Rj
 
Machine learning
Machine learningMachine learning
Machine learning
 
How to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? EdurekaHow to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? Edureka
 
recent.pptx
recent.pptxrecent.pptx
recent.pptx
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
 
introductiontomachinelearning.pptx
introductiontomachinelearning.pptxintroductiontomachinelearning.pptx
introductiontomachinelearning.pptx
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
mining sirdar , overman, assistant managerppt.ppt
mining sirdar , overman, assistant managerppt.pptmining sirdar , overman, assistant managerppt.ppt
mining sirdar , overman, assistant managerppt.ppt
 
Artificial intelligence slides beginners
Artificial intelligence slides beginners Artificial intelligence slides beginners
Artificial intelligence slides beginners
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Data science dec ppt
Data science dec pptData science dec ppt
Data science dec ppt
 
Machine Learning Chapter one introduction
Machine Learning Chapter one introductionMachine Learning Chapter one introduction
Machine Learning Chapter one introduction
 

Recently uploaded

一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
nscud
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
ewymefz
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
John Andrews
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
vcaxypu
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
u86oixdj
 
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project PresentationPredicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Boston Institute of Analytics
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
slg6lamcq
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
Subhajit Sahu
 
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape ReportSOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
NABLAS株式会社
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
ewymefz
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
pchutichetpong
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
NABLAS株式会社
 
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
nscud
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
enxupq
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
ahzuo
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
v3tuleee
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
vcaxypu
 

Recently uploaded (20)

一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
 
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project PresentationPredicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
 
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape ReportSOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape Report
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
 
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
一比一原版(CBU毕业证)卡普顿大学毕业证成绩单
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
 

Internship - Python - AI ML.pptx

  • 2. Abbreviations AI  Artifical Intelligence ML  Machine Learning NN  Neural Network IP  Image Processing CNN  Convolution Neural Network DL  Deep Learning DNN  Deep Neural Network ANN  Artifical Neural Network
  • 3. AI (ML) – Human Brain
  • 4. Human Organ – AI Tools Eye  Camera Nose  Sensor Ear  MIC, Mircrophone Mouth  Speaker Tongue (Taste)  Sensors Hands & Legs  Motors (Robotics) Emotions  Software
  • 5. AI – Basics Father of Artificial Intelligence is John McCarthy. The science and engineering of making intelligent machines, especially intelligent computer programs. Artificial Intelligence is a way of making a computer, a computer-controlled robot, or a software think intelligently, in the similar manner the intelligent humans think. AI is accomplished by studying how human brain thinks and how humans learn, decide, and work while trying to solve a problem, and then using the outcomes of this study as a basis of developing intelligent software and systems.
  • 6.
  • 7.
  • 8.
  • 9. Concepts in AI Machine Learning NLTK Package (Natural Language Toolkit Package) , NLP(Natural Language Processing) Speech Recognition Heuristic Search Gaming Neural Networks Genetic Algorithms Computer Vision Deep Learning Robotics
  • 10. Good Qualities of Human & AI Human is good with emotions, thinking and can perform huge number of activities with the support of all the external organs. Machines  lifting 1000 kg weight (JCB), AI  JCB (Robotics) with camera, emotions (sensors and SW), Speaker to tell about issues.
  • 11. Human - AI AI Goal  to create system which can function Intelligently and Independently. Human Speak &Listen  Speech Recognition Write & Read Text  NLP (Natural Language Processing). See with Eyes, Process, Recognize Computer Vision (Image Processing) Understand & Move freely  Robotics Like & Unlike objects grouping and Patterns  Pattern Recognition (Machine Learning, more data and dimensions of data)
  • 12. Human - AI Brain, Network of Neurons  Neural Network More complex & deeper  Deep Learning or Deep Neural Network
  • 13. Key Points AI  ML, IP, NN, CNN, DS, DL all these topics are part of AI AI or ML  Data to train the algorithm.
  • 14. IDE - Software Anaconda platform Jupyter Notebook Idle IDE Pycharm
  • 15. Installation of useful packages pip install numpy pip install scipy pip install matplotlib pip install sklearn pip install pandas pip install sys pip install keras pip3 install --upgrade tensorflow
  • 17. Numpy NumPy is an open source library available in Python that aids in mathematical, scientific, engineering, and data science programming. Multi-dimensional arrays and matrices multiplication. The library’s name is actually short for "Numeric Python" or "Numerical Python". NumPy is memory efficiency, meaning it can handle the vast amount of data more accessible than any other library.
  • 18. scikit-learn Simple and efficient tools for data mining and data analysis Accessible to everbody, and reusable in various contexts Built on Numpy, SciPy, and matplotlib Open source, commercially usable - BSD license
  • 19. Tensorflow Developed by Google Open Source The Advantages of TensorFlow are - It has excellent community support, It is designed to use various backend software (GPUs, ASIC), etc. and also highly parallel, It has a unique approach that allows monitoring the training progress of our models and tracking several metrics, & Its performance is high and matching the best in the industry. There are 4 main tensor type you can create in TensorFlow - tf.Variable, tf.constant, tf.placeholder, & tf.SparseTensor.
  • 20. AI - Types Symbolic Based  Computer Vision, Image Processing, Camera, Video, Image, Robotics. Machine Learning  Based on data. Feed machine with lot of data, so it can learn and perform. (Ex – Lot of data of Sales versus Advertising spent, then ML can learn and draw pattern in more than 100 and 1000 dimensions) ML  Classification & Prediction (Shop Ex – classifying customers as per data (old / new, age) and assign toys, and predict their next interest of purchase)
  • 21. Machine Learning Machine learning  field of computer science, an application of artificial intelligence, which provides computer systems the ability to learn with data and improve from experience without being explicitly programmed. The main focus of machine learning is to allow the computers learn automatically without human intervention. Observations of data  The data can be some examples, instruction or some direct experiences too. Then on the basis of this input, machine makes better decision by looking for some patterns in data.
  • 22.
  • 23.
  • 24. Data Input types Excel Data  Numbers and Strings Images or Videos Audio Signals
  • 25. Types of Machine Learning Algorithms Supervised machine learning algorithms Unsupervised machine learning algorithms Reinforcement machine learning algorithms AI is a combination of complex algorithms from the various mathematical domains such as Algebra, Calculus, and Probability and Statistics.
  • 26. Supervised machine learning algorithms This is the most commonly used machine learning algorithm. It is called supervised because the process of algorithm learning from the training dataset can be thought of as a teacher supervising the learning process. In this kind of ML algorithm, the possible outcomes are already known and training data is also labeled with correct answers.
  • 27. Supervised machine learning algorithms Mainly supervised leaning problems can be divided into the following two kinds of problems − Classification − A problem is called classification problem when we have the categorized output such as “black”, “teaching”, “non-teaching”, etc. (Ex: Classify all types of flowers, Classify Dolphin or Seahorse) Regression − A problem is called regression problem when we have the real value output such as “distance”, “kilogram”, etc.
  • 30. Supervised - Regression Regression is one of the most important statistical and machine learning tools. It may be defined as the parametric technique that allows us to make decisions based upon data or in other words allows us to make predictions based upon data by learning the relationship between input and output variables. Here, the output variables dependent on the input variables, are continuous-valued real numbers. In regression, the relationship between input and output variables matters and it helps us in understanding how the value of the output variable changes with the change of input variable. Regression is frequently used for prediction of prices, economics, variations, and so on.
  • 31. Supervised machine learning algorithms Gaussian naive bayes Support Vector Machines (SVM) Logistic Regression Random Forest Classifier K-Nearest Neighbors (KNN) Classifier
  • 32. Unsupervised machine learning algorithms algorithms do not have any supervisor to provide any sort of guidance. That is why unsupervised machine learning algorithms are closely aligned with what some call true artificial intelligence. Suppose we have input variable x, then there will be no corresponding output variables as there is in supervised learning algorithms. In simple words, we can say that in unsupervised learning there will be no correct answer and no teacher for the guidance. Algorithms help to discover interesting patterns in data.
  • 33. Unsupervised machine learning algorithms Unsupervised learning problems can be divided into the following two kinds of problem − Clustering − In clustering problems, we need to discover the inherent groupings in the data. The main goal of clustering is to group the data on the basis of similarity and dissimilarity. For example, grouping customers by their purchasing behavior. Association − A problem is called association problem because such kinds of problem require discovering the rules that describe large portions of our data. For example, finding the customers who buy both x and y.
  • 36. Unsupervised machine learning algorithms K-means clustering algorithm Mean Shift clustering Algorithm
  • 37. Reinforcement machine learning algorithms These kinds of machine learning algorithms are used very less. These algorithms train the systems to make specific decisions. Basically, the machine is exposed to an environment where it trains itself continually using the trial and error method. These algorithms learn from past experience and try to capture the best possible knowledge to make accurate decisions. Markov Decision Process is an example of reinforcement machine learning algorithms.
  • 38.
  • 39.
  • 40.
  • 41. Block or Architecture Diagram Laptop python Dataset images / Excel Dataset Algorithm Output display Loan available or not Library opencv, sklearn
  • 42. Methodology • Input Image – Real time Camera / Static Image / Excel Dataset • Import Libraries • Dataset Visualization • processing of the data • feature extraction • Graphical View output • Split Train and Test Data • Machine learning Analysis • Output Prediction
  • 43. Dataset Analysis Dataset  Columns are called as  Features, Dimensions, Attributes, Variables, Parameters etc. Balanced or Imbalanced Data. Output  Class or Label Parameters  Check value counts of required parameters (Ex output) Fill empty cells with Average value of that parameters. Remove empty Cells. Remove imbalanced data Delete unwanted columns
  • 44. Preprocessing the Data ML require formatted data to start the training process. We must prepare or format data in a certain way so that it can be supplied as an input to ML algorithms. In our daily life, we deal with lots of data but this data is in raw form. To provide the data as the input of machine learning algorithms, we need to convert it into a meaningful data. In other simple words, we can say that before providing the data to the machine learning algorithms we need to preprocess the data.
  • 45. Preprocessing Steps Importing the useful packages  import numpy, sklearn, matplotlib etc. Example Dataset  online, library or download in excel csv format. Binarization  all the values above 0.5(threshold value) would be converted to 1 and all the values below 0.5 would be converted to 0. Mean Removal Scaling Normalization Labeling the data Train data & Test data
  • 46. Input Image  When a computer sees an image, it will see an array of pixel values.  Let's say we have a color image in JPG form and its size is 480 x 480. The representative array will be 480 x 480 x 3 array of numbers (The 3 refers to RGB values).  Each of these numbers is given a value from 0 to 255 which describes the pixel intensity at that point.
  • 47. Image – Feature Extraction Color – Pixel Intensity Shape Texture
  • 48. How an Algorithm will Process the Image
  • 49. How an Algorithm will Process the Image