SlideShare a Scribd company logo
Introduction to Deep Learning
Welcome to first session on Deep Learning
While other are joining, Please enroll for the free lab. This is needed for the hands on session.
Open CloudxLab.com
Also, please introduce yourself using the chat window and use the Q/A window for asking questions.
About CloudxLab
Videos Quizzes Hands-On Projects Case Studies
Real Life Use Cases
Making learning fun and for life
Automated Hands-on Assessments
Learn by doing

Recommended for you

Semi supervised learning machine learning made simple
Semi supervised learning  machine learning made simpleSemi supervised learning  machine learning made simple
Semi supervised learning machine learning made simple

Video: https://youtu.be/65RV3O4UR3w Semi-Supervised Learning is a technique that combines the benefits of supervised learning (performance, intuitiveness) with the ability to use cheap unlabeled data (unsupervised learning). With all the cheap data available, Semi Supervised Learning will get bigger in the coming months. This episode of Machine Learning Made Simple will go into SSL, how it works, transduction vs induction, the assumptions SSL algorithms make, and how SSL compares to human learning. About Machine Learning Made Simple: Machine Learning Made Simple is a playlist that aims to break down complex Machine Learning and AI topics into digestible videos. With this playlist, you can dive head first into the world of ML implementation and/or research. Feel free to drop any feedback you might have down below.

machine learninganalysisbusiness intelligence
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013

This document provides an overview of deep learning presented by Yann LeCun and Marc'Aurelio Ranzato at an ICML tutorial in 2013. It discusses how deep learning learns hierarchical representations through multiple stages of non-linear feature transformations, inspired by the hierarchical structure of the mammalian visual cortex. It also compares different types of deep learning architectures and training protocols.

Semi-Supervised Learning
Semi-Supervised LearningSemi-Supervised Learning
Semi-Supervised Learning

Review presentation about Semi-Supervised techniques in Machine Learning. Presentation was done as part of Montreal Data series.

machine learningmtl datadata science
Automated Hands-on Assessments
Problem Statement Hands On Assessment
Automated Hands-on Assessments
Problem
Statement
Evaluation
Automated Hands-on Assessments
Python Assessment Jupyter Notebook
Automated Hands-on Assessments
Python Assessment Jupyter Notebook

Recommended for you

Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing

This talk is about how we applied deep learning techinques to achieve state-of-the-art results in various NLP tasks like sentiment analysis and aspect identification, and how we deployed these models at Flipkart

natural language processingdeep learningsentiment analysis
Basics of Machine Learning
Basics of Machine LearningBasics of Machine Learning
Basics of Machine Learning

The document summarizes key concepts in machine learning, including defining learning, types of learning (induction vs discovery, guided learning vs learning from raw data, etc.), generalisation and specialisation, and some simple learning algorithms like Find-S and the candidate elimination algorithm. It discusses how learning can be viewed as searching a generalisation hierarchy to find a hypothesis that covers the examples. The candidate elimination algorithm maintains the version space - the set of hypotheses consistent with the training examples - by updating the general and specific boundaries as new examples are processed.

pattern recognitionmachine learning
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classification

Summary of the paper, "Self-training with Noisy Student improves ImageNet classification" by Qizhe Xie et al.

paper
Deep Learning
with
TensorFlow
Course Objective
Course Instructor
Sandeep Giri
Worked On Large Scale Computing
Graduated from IIT Roorkee
Software Engineer
Loves Explaining Technologies
Founder
TensorFlow
Getting Started with free Lab
1. Open CloudxLab
2. If already Enrolled, go to step 5
3. Else Click on "Start Free Lab"
a. And Complete the process of enrollment
b. You might have sign using credit card or college id
4. Go to MyLab
5. Open Jupyter
Deep Learning
What is Deep Learning?
Let us understand it with real use case...

Recommended for you

Real-world Reinforcement Learning
Real-world Reinforcement LearningReal-world Reinforcement Learning
Real-world Reinforcement Learning

Reinforcement learning is a machine learning technique where an agent learns to act by interacting with an environment. The agent takes actions and receives rewards, with the goal of maximizing total reward over time. Real-world reinforcement learning is challenging due to large state spaces and delayed rewards. However, it can be made more tractable by framing problems as contextual bandits, where rewards are immediate and state does not depend on past actions. Contextual bandits can then be solved using supervised learning techniques by addressing the partial information problem inherent to reinforcement learning.

machine learningdata sciencereinforcement learning
Reinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual BanditsReinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual Bandits

An introduction to Contextual Bandits, including motivation, evaluation, optimisation, and real-world use cases.

reinforcement learningcontextual banditsmachine learning
Machine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.pptMachine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.ppt

This document provides an overview of machine learning applications in natural language processing and text classification. It discusses common machine learning tasks like part-of-speech tagging, named entity extraction, and text classification. Popular machine learning algorithms for classification are described, including k-nearest neighbors, Rocchio classification, support vector machines, bagging, and boosting. The document argues that machine learning can be used to solve complex real-world problems and that text processing is one area with many potential applications of these techniques.

pattern recognitionmachine learning
Deep Learning
Have You Played Mario?
How much time did it take you to learn & win the princess?
Deep Learning
Have You Played Mario?
Did Anyone teach you?
Deep Learning
How About Automating it?
Deep Learning
How About Automating it?
• Program Learns to Play Mario

Recommended for you

Chapter 5 of 1
Chapter 5 of 1Chapter 5 of 1
Chapter 5 of 1

Machine learning involves improving a system's performance on a task over time based on experience. It is defined as a computer program improving its ability to complete a task based on experience as measured by a performance metric. Learning modifies an agent's decision mechanisms to improve performance. A learning agent consists of a learning element that improves over time, a performance element that acts, a critic that provides feedback, and a problem generator that suggests new experiences.

BIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systemsBIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systems

1) More data is not always better than better models. Sometimes, better modeling techniques are needed rather than just collecting more data. 2) Ensembles of different models generally perform better than any single model and are commonly used in practice. Feature engineering to create new inputs for ensembles can improve their effectiveness. 3) Implicit signals from user behavior usually provide more useful information than explicit feedback, but both should be used to best represent users' long-term goals.

www2016big datamachine learning
Tips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitionsTips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitions

Slides with some useful tips and tricks how to win data science competitions in kaggle. I hope someone finds this useful or inspirational.

data sciencepredictive modelingkaggle
Deep Learning
How About Automating it?
• Program Learns to Play Mario
• Observes the game & pressed keys
Deep Learning
How About Automating it?
• Program Learns to Play Mario
• Observes the game & pressed keys
• Maximises Score
Deep Learning
How About Automating it?
Deep Learning
How About Automating it?
● So, the program learnt to play
○ Mario
○ And Other games
○ Without any programming

Recommended for you

Basics of machine learning
Basics of machine learningBasics of machine learning
Basics of machine learning

The document discusses various topics related to machine learning including machine learning applications like spam filtering and recommendation systems. It provides definitions and examples of different machine learning categories like supervised learning, unsupervised learning, and reinforcement learning. Supervised learning involves providing input and desired output for classification while unsupervised learning allows machines to classify without prior information. Reinforcement learning uses rewards and penalties to direct unsupervised learning through experiences.

On Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and BeyondOn Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and Beyond

This document presents a lab seminar on semi-supervised learning. It begins with background on semi-supervised learning and examples of applications. It then discusses common semi-supervised learning methods like EM with generative models, co-training, transductive SVMs, and graph-based methods. Next, it covers assumptions of semi-supervised learning, noting the utility of unlabeled data depends on problem structure matching model assumptions. Finally, it proposes future work on multi-edge graph-based semi-supervised learning.

data mining
Day 2 build up your own neural network
Day 2  build up your own neural networkDay 2  build up your own neural network
Day 2 build up your own neural network

This document contains an icebreaker game to help people get to know each other. It includes 7 questions with scrambled letters that must be unscrambled in 20 seconds. The questions cover topics related to artificial intelligence and machine learning like neural networks, machine learning, optimization, linear models, artificial intelligence, logistic regression, and functions.

Deep Learning
Question
To make this program learn any other games such as PacMan we will have to
1. Write new rules as per the game
2. Just hook it to new game and let it play for a while
Deep Learning
Question
To make this program learn any other games such as PacMan we will have to
1. Write new rules as per the game
2. Just hook it to new game and let it play for a while
Deep Learning
Gather data and automatically solve problems
Imagine Doing The Same For Life
Deep Learning
The Deep Learning Tsunami - 1
● Self driving cars on the roads

Recommended for you

Andrew NG machine learning
Andrew NG machine learningAndrew NG machine learning
Andrew NG machine learning

This document discusses best practices for setting up development and test sets for machine learning models. It recommends that the dev and test sets: 1) Should reflect the actual data distribution you want your model to perform well on, rather than just being a random split of your training data. 2) Should come from the same data distribution. Having mismatched dev and test sets makes progress harder to measure. 3) The dev set should be large enough, typically thousands to tens of thousands of examples, to detect small performance differences as models are improved. The test set size depends on desired confidence in overall performance.

Learning in AI
Learning in AILearning in AI
Learning in AI

Learning model,relevance based learning, instance based learning, reinforcement learning, passive learning, active learning, RBL,KBL

learningbasic learning modeltypes of learning
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning

This document provides an introduction to machine learning. It discusses key machine learning concepts like supervised learning, unsupervised learning, reinforcement learning, batch learning, online learning, instance-based learning, and model-based learning. It also discusses applications of machine learning like spam filtering, clustering, and anomaly detection. Machine learning algorithms like artificial neural networks and deep learning are also introduced. The document aims to explain machine learning concepts and techniques in a clear and intuitive manner using examples.

what is machine learningmachine learning algorithmsmachine learning tutorial
Deep Learning
The Deep Learning Tsunami - 2
● Netflix movies recommendations
Deep Learning
The Deep Learning Tsunami - 3
● Amazon product recommendations
Deep Learning
The Deep Learning Tsunami - 4
● Accurate results in Google Search
Deep Learning
The Deep Learning Tsunami - 5
● Speech recognition in your smartphone

Recommended for you

Machine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp SwitzerlandMachine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp Switzerland

Artificial intelligence is more and more becoming the core of digital products. Designing for Products based on AI requires Designers to know about Machine Learning. This talk is an easy walk through the most important elements of Machine Learning. It looks at the fundamental principles of using practical examples. It showcases applications of the different types of Machine Learning. The use-cases range from text categorization to image recognition, on to speech analysis. The goal is to show what is important for designers and why.

aimachine learningux
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers

Artificial intelligence is more and more becoming the core of digital products. Designing for Products based on AI requires Designers to know about Machine Learning. This talk is an easy walk through the most important elements of Machine Learning. It looks at the fundamental principles of using practical examples. It showcases applications of the different types of Machine Learning. The use-cases range from text categorization to image recognition, on to speech analysis. The goal is to show what is important for designers and why.

aimachine learningux
Machine Learning for Designers - UX Scotland
Machine Learning for Designers - UX ScotlandMachine Learning for Designers - UX Scotland
Machine Learning for Designers - UX Scotland

Artificial intelligence is more and more becoming the core of digital products. Designing for Products based on AI requires Designers to know about Machine Learning. This talk is an easy walk through the most important elements of Machine Learning. It looks at the fundamental principles of using practical examples. It showcases applications of the different types of Machine Learning. The use-cases range from text categorization to image recognition, on to speech analysis. The goal is to show what is important for designers and why.

ux designaiml
Deep Learning
Question
What do we need to
● Gather Data
● And automatically solving the problem?
IntelligenceData
+
Deep Learning
Gather Data
Collect Cleaning Process
Deep Learning
Collect Data - IOT
Phone & Devices
Cheaper, faster and smaller
Connectivity
Wifi, 4G, NFC, GPS
Deep Learning
Process Data - Parallel Computing
• Groups of networked computers
• Interact with each other
• To achieve a common goal
Distributed

Recommended for you

Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow

This document provides an overview of deep learning and neural networks. It begins with definitions of machine learning, artificial intelligence, and the different types of machine learning problems. It then introduces deep learning, explaining that it uses neural networks with multiple layers to learn representations of data. The document discusses why deep learning works better than traditional machine learning for complex problems. It covers key concepts like activation functions, gradient descent, backpropagation, and overfitting. It also provides examples of applications of deep learning and popular deep learning frameworks like TensorFlow. Overall, the document gives a high-level introduction to deep learning concepts and techniques.

deep learningmachine learningdl
Deep learning with tensor flow course
Deep learning with tensor flow course Deep learning with tensor flow course
Deep learning with tensor flow course

IgmGuru takes great pride in introducing the well-curated deep learning with tensorflow training in which industry leaders and academia has been consulted while preparing this course.

deep learning with tensorflow trainingigmguru
Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course

IgmGuru takes great pride in introducing the well-curated Deep Learning with TensorFlow course in which industry leaders and academia has been consulted while preparing this course. IgmGuru is very enthusiastic about the Deep Learning with TensorFlow course as we will go through some of the famous use cases and prepare the learners to face industry-related challenges. Deep Learning is loosely inspired by the ways humans process information and then communicate through our own biological neural networks. These learning algorithms are able to process vast amounts of data to build meaningful relationships amongst them.

tensor flow coursetensor flowtensorflow online course
Deep Learning
Process Data - Parallel Computing
• Many processors or Cores
• Perform tasks and interact using
• Memory or bus
Memory
Processor Processor Processor
Multi Core + GPGPU (General Purpose Graphics Processing Units)
Deep Learning
Process Data - Parallel Computing
MULTI CORE GPGPU DISTRIBUTED
CAN HANDLE HUGE DATA?
(DISK READ INTENSIVE)
REALLY FAST
COMMUNICATION BETWEEN
CPUS
GREAT FOR MATHS/GRAPHICS?
TOOLS
Hadoop MR,
Apache Spark
Keras,
TensorFlow,
Caffe, Spark
(Exp)
Hadoop MR,
Apache Spark
Deep Learning
Intelligence - Traditional vs Deep Learning.
How you would write a spam filter?
Deep Learning
Intelligence - Spam Filter - Traditional Approach
21
3

Recommended for you

Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course

IgmGuru takes great pride in introducing the well-curated deep learning with tensorflow course in which industry leaders and academia has been consulted while preparing this course. IgmGuru is very enthusiastic about the Deep Learning with TensorFlow course as we will go through some of the famous use cases and prepare the learners to face industry-related challenges. Deep Learning is loosely inspired by the ways humans process information and then communicate through our own biological neural networks. These learning algorithms are able to process vast amounts of data to build meaningful relationships amongst them. https://www.igmguru.com/machine-learning-ai/deep-learning-tensorflow-training/

deep learning with tensorflow course
Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi

In This Data Science course ( Graduate Program ) I will focus on understanding business intelligence systems and helping future managers use and understand analytics, Business Intelligence emphasizing the applications and implementations behind the concepts. a solid foundation of BI that is reinforced with hands-on practice. The course is also designed as an introduction to programming and statistics for students from many different majors. It teaches practical techniques that apply across many disciplines and also serves as the technical foundation for more advanced courses in data science, statistics, and computer science.

cloud architectcloud computingdata engineering
Interface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and TricksInterface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and Tricks

The document provides tips and guidelines for designing effective user interfaces for learning environments. It discusses principles of user interface design such as reducing extraneous cognitive load on users. Specific tips include using an F-shaped reading pattern to structure content, embedding instructions in the interface context, and testing designs with users. The key recommendation is that interface design should make tasks easy to complete while keeping users engaged in the learning process.

e-learninginterface designelearning
Deep Learning
Intelligence - Spam Filter - Traditional Approach
Problems?
Deep Learning
Intelligence - Spam Filter - Traditional Approach
● Problem is not trivial
○ Program will likely become a long list of complex rules
○ Pretty hard to maintain
● If spammers notice that
○ All their emails containing “4U” are blocked
○ They might start writing “For U” instead
○ If spammers keep working around spam filter, we will need to keep writing
new rules forever
Problems?
Deep Learning
Intelligence - Spam Filter - ML Approach
Deep Learning
Intelligence - Spam Filter - Deep Learning Approach
● A spam filter based on Machine Learning techniques automatically learns
○ Which words and phrases are good predictors of spam
○ By detecting unusually frequent patterns of words
● The program will be
○ Much shorter
○ Easier to maintain
○ Most likely more accurate than traditional approach

Recommended for you

Master Technical Recruiting Workshop: How to Recruit Top Tech Talent
Master Technical Recruiting Workshop:  How to Recruit Top Tech TalentMaster Technical Recruiting Workshop:  How to Recruit Top Tech Talent
Master Technical Recruiting Workshop: How to Recruit Top Tech Talent

How To Optimize Your Tech Recruiting Stack Patrick Christell, Senior Sourcer at Hire4ce, meets all the qualifications of “MASTER.” We’re talking a Full-Lifecycle Recruiter, Project Manager and Agile sourcing pod-builder with seven-plus years of progressive experience recruiting for technology companies across the boards. He also has a rather impressive tech stack, which is what this is all about. Patrick is here to give you 60-minutes of training and live Q&A that will help you learn to recruit top talent. In this webinar we will cover: - How to search. Tools like Hiretual, Seekout, AmazingHiring (and their plusses and minuses). The difference between searching for senior-level engineers, how to know if you are on a purple squirrel hunt, and what to with a BONUS live demo that iterates a single string. - How to run a sourcing pod. Learn how Patrick creates his own CRM that can do outreach and reporting - How to understand tech without being a techie. What a software stack even is, understanding how it fits together, learning what each part of the stack technologies are associated with. - How to engage talent. Why a mixture of broad spectrum outreach and personalized outreach is best. What cadence works best in 2019. Why only using inmails screws you, and how to leverage the phone even if you hate using it (TextNow). Nobody’s got time for a floppy stack. Let Patrick show you how to build in functionality and results.

patrick christellthe sourcing institute foundationtsif
tensorflow.pptx
tensorflow.pptxtensorflow.pptx
tensorflow.pptx

This document provides an overview of deep learning concepts including: - Deep learning uses neural networks inspired by the human brain to learn representations of data without being explicitly programmed. - Key deep learning concepts are explained such as convolutional neural networks, activation functions, gradient descent, and overfitting. - TensorFlow is introduced as an open-source library for machine learning that allows for implementing deep learning models at scale. - Applications of deep learning like computer vision, natural language processing, and recommender systems are discussed.

tensorflowgdsc
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFERMICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER

The modern employee has 1% of their week to focus on training. What can they do with that roughly 24 minutes a week? Turns out, a lot. Armed with digestible and easily accessible microlearning experiences, we can create meaningful changes in behavior across our organizations. Along the way, we can help elevate the role of L&D from order takers to change makers. Join Alex Khurgin, Director of Learning Innovation at Grovo, as he explains the importance of leveraging microlearning when training modern employees and how to create a microlearning strategy of your own to meet the needs of your audience and goals of your company. In this session, you’ll learn to: Overcome the three misconceptions that block most L&D initiatives from being successful Create microlearning experiences that capture attention, motivate action, and make learninstick Prove and report on behavior change, not meaningless learning metrics

Deep Learning
Intelligence - Spam Filter - Deep Learning Approach
● Unlike traditional approach, Deep Learning techniques automatically notice that
○ “For U” has become unusually frequent in spam flagged by users and
○ It starts flagging them without our intervention
Deep Learning
Intelligence - Spam Filter - Deep Learning Approach
Can help humans learn
● Deep Learning algorithms can be inspected to see what they have learned
● Spam filter after enough training
○ Reveals combinations of words that it believes are best predictors of spam
○ May reveal unsuspected correlations or new trend and
○ Lead to a better understanding of the problem for humans
Deep Learning
Intelligence - Spam Filter - Deep Learning Approach
Can help humans learn
Deep Learning
Deep Learning - Artificial Neural Network(ANN)
Computing systems inspired by the biological neural networks that constitute animal
brains.

Recommended for you

A step towards machine learning at accionlabs
A step towards machine learning at accionlabsA step towards machine learning at accionlabs
A step towards machine learning at accionlabs

This document provides an overview of machine learning including definitions of common techniques like supervised learning, unsupervised learning, and reinforcement learning. It discusses applications of machine learning across various domains like vision, natural language processing, and speech recognition. Additionally, it outlines machine learning life cycles and lists tools, technologies, and resources for learning and practicing machine learning.

machine learningmachine learning with pythonartificial intelligence
top developer mistakes
top developer mistakes top developer mistakes
top developer mistakes

The document discusses common mistakes made by developers. It addresses 7 common mistakes: thinking the job is only about coding; blaming unclear requirements on others; prioritizing speed over quality; focusing only on coding without understanding the problem domain; avoiding asking for help; considering testing to be someone else's job; and blaming limits on management rather than taking responsibility. For each mistake, it provides a counterpoint and tips to avoid the mistake and improve development practices.

agile software developmentsoftware developmentmanagement
Python Machine Learning Tutorial
Python Machine Learning TutorialPython Machine Learning Tutorial
Python Machine Learning Tutorial

In this Python Machine Learning Tutorial, Machine Learning also termed ML. It is a subset of AI (Artificial Intelligence) and aims to grants computers the ability to learn by making use of statistical techniques. It deals with algorithms that can look at data to learn from it and make predictions.

python machine learning tutorialmachine learning with python
Deep Learning
Deep Learning - Artificial Neural Network(ANN)
• Learn (progressively improve
performance)
• To do tasks by considering examples
• Generally without task-specific
programming
• Example: Based on image - cat or no
cat?
Deep Learning
Deep Learning
Each Neuron
Hot Water Cold Water
Each Neuron is like the knob.
Deep Learning
Deep Learning
Multiple layers of neutrons
Deep Learning
Deep Learning - Who is Using?
Almost Everyone

Recommended for you

Being an Agile Tester
Being an Agile TesterBeing an Agile Tester
Being an Agile Tester

The document discusses various aspects of testing in an agile environment. It covers roles like testers, product owners, and scrum masters. It also discusses testing practices like unit testing, exploratory testing, test automation. Other topics include test levels like unit, integration and end-to-end testing. Team dynamics and how testing fits in the agile process are also summarized.

Machine learning basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali

This document provides an introduction to machine learning, including definitions of machine learning, why it is needed, and the main types of machine learning algorithms. It describes supervised learning, unsupervised learning, semi-supervised learning, and reinforcement learning. For each type, it provides examples and brief explanations. It also discusses applications of machine learning and the differences between machine learning and deep learning.

akanksha baliakankshabali5@gmail.com
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers

Artificial intelligence is more and more becoming the core of digital products. Designing for Products based on AI requires Designers to know about Machine Learning. This talk is an easy walk through the most important elements of Machine Learning. It looks at the fundamental principles of using practical examples. It showcases applications of the different types of Machine Learning. The use-cases range from text categorization to image recognition, on to speech analysis. The goal is to show what is important for designers and why.

uxux designmachine learning
Deep Learning
Google Translate & Auto Draw
More use cases: https://aiexperiments.withgoogle.com/
Deep Learning
TensorFlow - Demo
http://playground.tensorflow.org/
Deep Learning
Deep Learning Frameworks
Introduction to Deep Learning | CloudxLab

Recommended for you

Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018

The document discusses techniques for teaching programming to novices. It describes some of the challenges of teaching programming, including that students need to develop the right mental models of how computers work and that programming involves multiple levels of abstraction. It then discusses the "teacher's toolkit", which includes techniques like pair programming, use-modify-create, PRIMM, peer instruction, worked examples, and Parson's problems. These techniques aim to reduce cognitive load, engage students collaboratively, and help students understand programs by reading code before writing it themselves. The document emphasizes that teachers play a key role and can draw on strategies from their existing toolkit to help students learn programming.

computer programmingpedagogyprimm
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning

Computer vision is a branch of computer science which deals with recognising objects, people and identifying patterns in visuals. It is basically analogous to the vision of an animal. Topics covered: 1. Overview of Machine Learning 2. Basics of Deep Learning 3. What is computer vision and its use-cases? 4. Various algorithms used in Computer Vision (mostly CNN) 5. Live hands-on demo of either Auto Cameraman or Face recognition system 6. What next?

computer visionmachine learningbig data
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks

This document discusses recurrent neural networks (RNNs) and their applications. It begins by explaining that RNNs can process input sequences of arbitrary lengths, unlike other neural networks. It then provides examples of RNN applications, such as predicting time series data, autonomous driving, natural language processing, and music generation. The document goes on to describe the fundamental concepts of RNNs, including recurrent neurons, memory cells, and different types of RNN architectures for processing input/output sequences. It concludes by demonstrating how to implement basic RNNs using TensorFlow's static_rnn function.

recurrent neural networkrecurrent neural network tutorialrecurrent neural network tensorflow
Introduction to Deep Learning | CloudxLab
Questions?
https://discuss.cloudxlab.com
reachus@cloudxlab.com
Deep Learning
Machine Learning - Types
Human Supervision?
Machine Learning
How they generalize?
Learn Incrementally?
Deep Learning
Machine Learning - Types
Human Supervision?
Machine Learning
How they generalize?
Learn Incrementally?

Recommended for you

Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing

Natural Language Processing (NLP) is a field of artificial intelligence that deals with interactions between computers and human languages. NLP aims to program computers to process and analyze large amounts of natural language data. Some common NLP tasks include speech recognition, text classification, machine translation, question answering, and more. Popular NLP tools include Stanford CoreNLP, NLTK, OpenNLP, and TextBlob. Vectorization is commonly used to represent text in a way that can be used for machine learning algorithms like calculating text similarity. Tf-idf is a common technique used to weigh words based on their frequency and importance.

cloudxlabdeep learningmachine learning
Naive Bayes
Naive BayesNaive Bayes
Naive Bayes

- Naive Bayes is a classification technique based on Bayes' theorem that uses "naive" independence assumptions. It is easy to build and can perform well even with large datasets. - It works by calculating the posterior probability for each class given predictor values using the Bayes theorem and independence assumptions between predictors. The class with the highest posterior probability is predicted. - It is commonly used for text classification, spam filtering, and sentiment analysis due to its fast performance and high success rates compared to other algorithms.

cloudxlabdeep learningmachine learning
Autoencoders
AutoencodersAutoencoders
Autoencoders

An autoencoder is an artificial neural network that is trained to copy its input to its output. It consists of an encoder that compresses the input into a lower-dimensional latent-space encoding, and a decoder that reconstructs the output from this encoding. Autoencoders are useful for dimensionality reduction, feature learning, and generative modeling. When constrained by limiting the latent space or adding noise, autoencoders are forced to learn efficient representations of the input data. For example, a linear autoencoder trained with mean squared error performs principal component analysis.

autoencoderdenoising autoencodervariational autoencoder
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
How they generalize?
Learn Incrementally?
Deep Learning
Machine Learning - Supervised Learning
Whether or not models are trained with human
supervision
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
How they generalize?
Learn Incrementally?
Deep Learning
Machine Learning - Supervised Learning
Classification
● The training data we feed to the algorithm includes
○ The desired solutions, called labels
● Classification of spam filter is a supervised learning task

Recommended for you

Training Deep Neural Nets
Training Deep Neural NetsTraining Deep Neural Nets
Training Deep Neural Nets

The document discusses challenges in training deep neural networks and solutions to those challenges. Training deep neural networks with many layers and parameters can be slow and prone to overfitting. A key challenge is the vanishing gradient problem, where the gradients shrink exponentially small as they propagate through many layers, making earlier layers very slow to train. Solutions include using initialization techniques like He initialization and activation functions like ReLU and leaky ReLU that do not saturate, preventing gradients from vanishing. Later improvements include the ELU activation function.

vanishing gradientvanishing gradient problemxavier initialization
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...

The document provides information about key-value RDD transformations and actions in Spark. It defines transformations like keys(), values(), groupByKey(), combineByKey(), sortByKey(), subtractByKey(), join(), leftOuterJoin(), rightOuterJoin(), and cogroup(). It also defines actions like countByKey() and lookup() that can be performed on pair RDDs. Examples are given showing how to use these transformations and actions to manipulate key-value RDDs.

spark transformationsspark combinebykeyspark join
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLabAdvanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab

Big Data with Hadoop & Spark Training: http://bit.ly/2kyRTuW This CloudxLab Advanced Spark Programming tutorial helps you to understand Advanced Spark Programming in detail. Below are the topics covered in this slide: 1) Shared Variables - Accumulators & Broadcast Variables 2) Accumulators and Fault Tolerance 3) Custom Accumulators - Version 1.x & Version 2.x 4) Examples of Broadcast Variables 5) Key Performance Considerations - Level of Parallelism 6) Serialization Format - Kryo 7) Memory Management 8) Hardware Provisioning

spark accumulatoraccumulators in sparkspark broadcast variable
Deep Learning
Machine Learning - Supervised Learning
Classification
● Spam filter
○ Is trained with many example emails called training data.
○ Each email in the training data contains the label if it is spam or ham(not spam)
○ Models then learns to classify new emails if they are spam or ham
Classify new email as
Ham or Spam
Deep Learning
Machine Learning - Supervised Learning
Regression - Predict the price of the car (Value)
Deep Learning
Machine Learning - Supervised Learning
Regression
● Predict price of the car
○ Given a set of features called predictors such as
○ Mileage, age, brand etc
● To train the model
○ We have to give many examples of cars
○ Including their predictors and labels(prices)
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
How they generalize?
Learn Incrementally?

Recommended for you

Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...

Big Data with Hadoop & Spark Training: http://bit.ly/2sm9c61 This CloudxLab Introduction to Spark SQL & DataFrames tutorial helps you to understand Spark SQL & DataFrames in detail. Below are the topics covered in this slide: 1) Loading XML 2) What is RPC - Remote Process Call 3) Loading AVRO 4) Data Sources - Parquet 5) Creating DataFrames From Hive Table 6) Setting up Distributed SQL Engine

spark dataframespark dataframe apidataframe spark
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...

Big Data with Hadoop & Spark Training: http://bit.ly/2sf2z6i This CloudxLab Introduction to Spark SQL & DataFrames tutorial helps you to understand Spark SQL & DataFrames in detail. Below are the topics covered in this slide: 1) Introduction to DataFrames 2) Creating DataFrames from JSON 3) DataFrame Operations 4) Running SQL Queries Programmatically 5) Datasets 6) Inferring the Schema Using Reflection 7) Programmatically Specifying the Schema

spark dataframespark dataframe apidataframe spark
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLabApache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab

(Big Data with Hadoop & Spark Training: http://bit.ly/2IUsWca This CloudxLab Running in a Cluster tutorial helps you to understand running Spark in the cluster in detail. Below are the topics covered in this tutorial: 1) Spark Runtime Architecture 2) Driver Node 3) Scheduling Tasks on Executors 4) Understanding the Architecture 5) Cluster Managers 6) Executors 7) Launching a Program using spark-submit 8) Local Mode & Cluster-Mode 9) Installing Standalone Cluster 10) Cluster Mode - YARN 11) Launching a Program on YARN 12) Cluster Mode - Mesos and AWS EC2 13) Deployment Modes - Client and Cluster 14) Which Cluster Manager to Use? 15) Common flags for spark-submit

spark executor memoryspark architecturespark executor
Deep Learning
Machine Learning - Unsupervised Learning
● The training data is unlabeled
● The system tries to learn without a teacher
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
How they generalize?
Learn Incrementally?
Deep Learning
Machine Learning - Unsupervised Learning
Clustering - Detect group of similar visitors in your blog
Deep Learning
Machine Learning - Unsupervised Learning
Clustering
● Detect group of similar visitors in blog
○ Notice the training set is unlabeled
● To train the model
○ We just feed the training set to clustering algorithm
○ At no point we tell the algorithm which group a visitor belongs to
○ It find groups without our help

Recommended for you

Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab

Big Data with Hadoop & Spark Training: http://bit.ly/2LCTufA This CloudxLab Introduction to SparkR tutorial helps you to understand SparkR in detail. Below are the topics covered in this tutorial: 1) SparkR (R on Spark) 2) SparkR DataFrames 3) Launch SparkR 4) Creating DataFrames from Local DataFrames 5) DataFrame Operation 6) Creating DataFrames - From JSON 7) Running SQL Queries from SparkR

sparkrsparkr tutorialbig data analytics
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab

1) NoSQL databases are non-relational and schema-free, providing alternatives to SQL databases for big data and high availability applications. 2) Common NoSQL database models include key-value stores, column-oriented databases, document databases, and graph databases. 3) The CAP theorem states that a distributed data store can only provide two out of three guarantees around consistency, availability, and partition tolerance.

nosqlnosql databasemongodb
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...

Big Data with Hadoop & Spark Training: http://bit.ly/2sh5b3E This CloudxLab Hadoop Streaming tutorial helps you to understand Hadoop Streaming in detail. Below are the topics covered in this tutorial: 1) Hadoop Streaming and Why Do We Need it? 2) Writing Streaming Jobs 3) Testing Streaming jobs and Hands-on on CloudxLab

hadoop architecturewhat is mapreducemap reduce
Deep Learning
Machine Learning - Unsupervised Learning
Clustering
● It may notice that
○ 40% visitors are comic lovers and read the blog in evening
○ 20% visitors are sci-fi lovers and read the blog during weekends
● This data helps us in targeting our blog posts for each group
Deep Learning
Machine Learning - Unsupervised Learning
• In the form of a tree
• Nodes closer to each other are similar
Hierarchical Clustering - Bring similar elements together
Deep Learning
Machine Learning - Unsupervised Learning
Anomaly Detection - Detecting unusual credit card transactions to prevent
fraud
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
How they generalize?
Learn Incrementally?

Recommended for you

Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLabIntroduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab

This document provides instructions for getting started with TensorFlow using a free CloudxLab. It outlines the following steps: 1. Open CloudxLab and enroll if not already enrolled. Otherwise go to "My Lab". 2. In "My Lab", open Jupyter and run commands to clone an ML repository containing TensorFlow examples. 3. Go to the deep learning folder in Jupyter and open the TensorFlow notebook to get started with examples.

deep learningtensorflowtensorflow tutorial
Dimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLabDimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLab

In this tutorial, we will learn the the following topics - + The Curse of Dimensionality + Main Approaches for Dimensionality Reduction + PCA - Principal Component Analysis + Kernel PCA + LLE + Other Dimensionality Reduction Techniques

dimensionality reductionkernel pcadimensionality reduction techniques
Ensemble Learning and Random Forests
Ensemble Learning and Random ForestsEnsemble Learning and Random Forests
Ensemble Learning and Random Forests

In this tutorial, we will learn the the following topics - + Voting Classifiers + Bagging and Pasting + Random Patches and Random Subspaces + Random Forests + Boosting + Stacking

ensemble learningensemble machine learningrandom forest
Deep Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
Batch Processing
How they generalize?
Learn Incrementally?
Online
Deep Learning
What Is Machine Learning?
Field of study that gives "computers the ability to
learn without being explicitly programmed"
-- Arthur Samuel, 1959
Deep Learning
Machine Learning - Gradient Descent
• Instead of trying all lines, go into
the direction yielding better
results
Deep Learning
Machine Learning - Gradient Descent
● Imagine yourself blindfolded on the
mountainous terrain
● And you have to find the best lowest
point
● If your last step went higher, you will
go in opposite direction
● Other, you will keep going just faster

Recommended for you

Decision Trees
Decision TreesDecision Trees
Decision Trees

In this tutorial, we will learn the the following topics - + Training and Visualizing a Decision Tree + Making Predictions + Estimating Class Probabilities + The CART Training Algorithm + Computational Complexity + Gini Impurity or Entropy? + Regularization Hyperparameters + Regression + Instability

decision treesdecision treedecision tree analysis
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines

In this tutorial, we will learn the the following topics - + Linear SVM Classification + Soft Margin Classification + Nonlinear SVM Classification + Polynomial Kernel + Adding Similarity Features + Gaussian RBF Kernel + Computational Complexity + SVM Regression

svmsupport vector machinessupport vector machine
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab

Big Data with Hadoop & Spark Training: http://bit.ly/2wLh5aF This CloudxLab Introduction to Linux helps you to understand Linux in detail. Below are the topics covered in this tutorial: 1) Linux Overview 2) Linux Components - The Programs, The Kernel, The Shell 3) Overview of Linux File System 4) Connect to Linux Console 5) Linux - Quick Start Commands 6) Overview of Linux File System

cloudxlablinuxlinux commands
Deep Learning
What is AI?
Artificial intelligence (AI):
The intelligence exhibited by machines
Deep Learning
What is AI?
• The theory and development of
computer systems
Deep Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
Deep Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception

Recommended for you

Calgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptxCalgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptx

MuleSoft Meetup on APM and IDP

mulesoftai
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...

Today’s digitally connected world presents a wide range of security challenges for enterprises. Insider security threats are particularly noteworthy because they have the potential to cause significant harm. Unlike external threats, insider risks originate from within the company, making them more subtle and challenging to identify. This blog aims to provide a comprehensive understanding of insider security threats, including their types, examples, effects, and mitigation techniques.

insider securitycybersecurity threatsenterprise security
Advanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly DetectionAdvanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly Detection

Cybersecurity is a major concern in today's connected digital world. Threats to organizations are constantly evolving and have the potential to compromise sensitive information, disrupt operations, and lead to significant financial losses. Traditional cybersecurity techniques often fall short against modern attackers. Therefore, advanced techniques for cyber security analysis and anomaly detection are essential for protecting digital assets. This blog explores these cutting-edge methods, providing a comprehensive overview of their application and importance.

cybersecurityanomaly detectionadvanced techniques
Deep Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception
• Speech Recognition
Deep Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception
• Speech Recognition
• Decision Making
Deep Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception
• Speech Recognition
• Decision Making
• Translation between languages
Deep Learning
History - Mythology / Fiction
• In every mythology, there is some
form of mechanical man such talos
from greek mythology.
• In fiction novels, we have Mary
Shelley’s Frankenstein
• We are fascinated by the idea of
creating things which can behave like
human

Recommended for you

Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - MydbopsScaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops

This presentation, delivered at the Postgres Bangalore (PGBLR) Meetup-2 on June 29th, 2024, dives deep into connection pooling for PostgreSQL databases. Aakash M, a PostgreSQL Tech Lead at Mydbops, explores the challenges of managing numerous connections and explains how connection pooling optimizes performance and resource utilization. Key Takeaways: * Understand why connection pooling is essential for high-traffic applications * Explore various connection poolers available for PostgreSQL, including pgbouncer * Learn the configuration options and functionalities of pgbouncer * Discover best practices for monitoring and troubleshooting connection pooling setups * Gain insights into real-world use cases and considerations for production environments This presentation is ideal for: * Database administrators (DBAs) * Developers working with PostgreSQL * DevOps engineers * Anyone interested in optimizing PostgreSQL performance Contact info@mydbops.com for PostgreSQL Managed, Consulting and Remote DBA Services

postgresqlpgsqldatabase
Quality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of TimeQuality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of Time

Is your patent a vanity piece of paper for your office wall? Or is it a reliable, defendable, assertable, property right? The difference is often quality. Is your patent simply a transactional cost and a large pile of legal bills for your startup? Or is it a leverageable asset worthy of attracting precious investment dollars, worth its cost in multiples of valuation? The difference is often quality. Is your patent application only good enough to get through the examination process? Or has it been crafted to stand the tests of time and varied audiences if you later need to assert that document against an infringer, find yourself litigating with it in an Article 3 Court at the hands of a judge and jury, God forbid, end up having to defend its validity at the PTAB, or even needing to use it to block pirated imports at the International Trade Commission? The difference is often quality. Quality will be our focus for a good chunk of the remainder of this season. What goes into a quality patent, and where possible, how do you get it without breaking the bank? ** Episode Overview ** In this first episode of our quality series, Kristen Hansen and the panel discuss: ⦿ What do we mean when we say patent quality? ⦿ Why is patent quality important? ⦿ How to balance quality and budget ⦿ The importance of searching, continuations, and draftsperson domain expertise ⦿ Very practical tips, tricks, examples, and Kristen’s Musts for drafting quality applications https://www.aurorapatents.com/patently-strategic-podcast.html

patentspatent applicationpatent prosecution
How RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptxHow RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptx

Revolutionize your transportation processes with our cutting-edge RPA software. Automate repetitive tasks, reduce costs, and enhance efficiency in the logistics sector with our advanced solutions.

rpa in transportationrpa in transportation industryrpa in transportation sector
Deep Learning
History - Summer of 1956
• The term artificial intelligence was
coined by
• John McCarthy
• In a workshop at
• Dartmouth College in New
Hampshire
• Along with Marvin Minsky,
Claude Shannon, and Nathaniel
Rochester
Deep Learning
Sub-objectives of AI
Artificial
Intelligence
Natural
language
processing
Navigate
Represent
Knowledge
ReasoningPerception
Deep Learning
AI - Represent Knowledge
• Understanding and classifying terms or
things in world e.g.
• What is computer?
• What is a thought?
• What is a tool?
• Languages like lisp were created for the
same purpose
Deep Learning
AI - Reasoning
• Play puzzle game - Chess, Go, Mario
• Prove Geometry theorems
• Diagnose diseases

Recommended for you

20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf

Support en anglais diffusé lors de l'événement 100% IA organisé dans les locaux parisiens d'Iguane Solutions, le mardi 2 juillet 2024 : - Présentation de notre plateforme IA plug and play : ses fonctionnalités avancées, telles que son interface utilisateur intuitive, son copilot puissant et des outils de monitoring performants. - REX client : Cyril Janssens, CTO d’ easybourse, partage son expérience d’utilisation de notre plateforme IA plug & play.

genaicloudrgpd
Coordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar SlidesCoordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar Slides

If you’ve ever had to analyze a map or GPS data, chances are you’ve encountered and even worked with coordinate systems. As historical data continually updates through GPS, understanding coordinate systems is increasingly crucial. However, not everyone knows why they exist or how to effectively use them for data-driven insights. During this webinar, you’ll learn exactly what coordinate systems are and how you can use FME to maintain and transform your data’s coordinate systems in an easy-to-digest way, accurately representing the geographical space that it exists within. During this webinar, you will have the chance to: - Enhance Your Understanding: Gain a clear overview of what coordinate systems are and their value - Learn Practical Applications: Why we need datams and projections, plus units between coordinate systems - Maximize with FME: Understand how FME handles coordinate systems, including a brief summary of the 3 main reprojectors - Custom Coordinate Systems: Learn how to work with FME and coordinate systems beyond what is natively supported - Look Ahead: Gain insights into where FME is headed with coordinate systems in the future Don’t miss the opportunity to improve the value you receive from your coordinate system data, ultimately allowing you to streamline your data analysis and maximize your time. See you there!

The Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive ComputingThe Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive Computing

Invited Remote Lecture to SC21 The International Conference for High Performance Computing, Networking, Storage, and Analysis St. Louis, Missouri November 18, 2021

distributed supercomputerdistributed machine learning
Deep Learning
AI - Navigate
• How to plan and navigate in the real
world
• How to locate the destination?
• How to pick path?
• How to pick short path?
• How to avoid obstacles?
• How to move?
Deep Learning
AI - Natural Language Processing
• How to speak a language
• How to understand a language
• How to make sense out of a sentence
Deep Learning
AI - Perception
• How to we see things in the real world
• From sound, sight, touch, smell
Deep Learning
AI - Generalised Intelligence
• With these previous building blocks, the
following should emerge:
• Emotional Intelligence
• Creativity
• Reasoning
• Intuition

Recommended for you

20240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 202420240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 2024

Everything that I found interesting last month about the irresponsible use of machine intelligence

quantumfaxmachine
Password Rotation in 2024 is still Relevant
Password Rotation in 2024 is still RelevantPassword Rotation in 2024 is still Relevant
Password Rotation in 2024 is still Relevant

Password Rotation in 2024 is still Relevant

passwordmanagementrotation
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...

Jindong Gu, Zhen Han, Shuo Chen, Ahmad Beirami, Bailan He, Gengyuan Zhang, Ruotong Liao, Yao Qin, Volker Tresp, Philip Torr "A Systematic Survey of Prompt Engineering on Vision-Language Foundation Models" arXiv2023 https://arxiv.org/abs/2307.12980

Deep Learning
AI - How to Achieve
Artificial Intelligence
Machine Learning
Rule Based Systems
Expert System
Domain Specific
Computing
Robotics
Deep
Learning
Deep Learning
Deep Learning - Reinforcement Learning
Deep Learning
Deep Learning - Reinforcement Learning
● The learning system an agent in this context
○ Observes the environment
○ Selects and performs actions and
○ Get rewards or penalties in return
○ Learns by itself what is the best strategy (policy) to get most reward over time
Deep Learning
Deep Learning - Reinforcement Learning
Applications
● Used by robots to learn how to walk
● DeepMind’s AlphaGo
○ Which defeated world champion Lee Sedol at the game of Go

Recommended for you

7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf

Solar Storms (Geo Magnetic Storms) are the motion of accelerated charged particles in the solar environment with high velocities due to the coronal mass ejection (CME).

solar storms
Quantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLMQuantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLM

Quantum Communications Q&A with Gemini LLM. These are based on Shannon's Noisy channel Theorem and offers how the classical theory applies to the quantum world.

quantum communicationsshannon's channel theoremclassical theory
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALLBLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL

Blockchain technology is transforming industries and reshaping the way we conduct business, manage data, and secure transactions. Whether you're new to blockchain or looking to deepen your knowledge, our guidebook, "Blockchain for Dummies", is your ultimate resource.

blockchainweb3blockchain technology

More Related Content

What's hot

Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine Learning
Pranav Ainavolu
 
Deep learning
Deep learningDeep learning
Deep learning
AnimaSinghDhabal
 
Intro To Machine Learning in Python
Intro To Machine Learning in PythonIntro To Machine Learning in Python
Intro To Machine Learning in Python
Russel Mahmud
 
Semi supervised learning machine learning made simple
Semi supervised learning  machine learning made simpleSemi supervised learning  machine learning made simple
Semi supervised learning machine learning made simple
Devansh16
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013
Philip Zheng
 
Semi-Supervised Learning
Semi-Supervised LearningSemi-Supervised Learning
Semi-Supervised Learning
Lukas Tencer
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
Devashish Shanker
 
Basics of Machine Learning
Basics of Machine LearningBasics of Machine Learning
Basics of Machine Learning
butest
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classification
Chaehyeon Lee
 
Real-world Reinforcement Learning
Real-world Reinforcement LearningReal-world Reinforcement Learning
Real-world Reinforcement Learning
Max Pagels
 
Reinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual BanditsReinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual Bandits
Max Pagels
 
Machine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.pptMachine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.ppt
butest
 
Chapter 5 of 1
Chapter 5 of 1Chapter 5 of 1
Chapter 5 of 1
Melaku Bayih Demessie
 
BIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systemsBIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systems
Xavier Amatriain
 
Tips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitionsTips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitions
Darius Barušauskas
 
Basics of machine learning
Basics of machine learningBasics of machine learning
Basics of machine learning
Gopal Verma
 
On Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and BeyondOn Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and Beyond
Eunjeong (Lucy) Park
 
Day 2 build up your own neural network
Day 2  build up your own neural networkDay 2  build up your own neural network
Day 2 build up your own neural network
HuyPhmNht2
 
Andrew NG machine learning
Andrew NG machine learningAndrew NG machine learning
Andrew NG machine learning
ShareDocView.com
 
Learning in AI
Learning in AILearning in AI
Learning in AI
Minakshi Atre
 

What's hot (20)

Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Intro To Machine Learning in Python
Intro To Machine Learning in PythonIntro To Machine Learning in Python
Intro To Machine Learning in Python
 
Semi supervised learning machine learning made simple
Semi supervised learning  machine learning made simpleSemi supervised learning  machine learning made simple
Semi supervised learning machine learning made simple
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013
 
Semi-Supervised Learning
Semi-Supervised LearningSemi-Supervised Learning
Semi-Supervised Learning
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
 
Basics of Machine Learning
Basics of Machine LearningBasics of Machine Learning
Basics of Machine Learning
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classification
 
Real-world Reinforcement Learning
Real-world Reinforcement LearningReal-world Reinforcement Learning
Real-world Reinforcement Learning
 
Reinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual BanditsReinforcement Learning in Practice: Contextual Bandits
Reinforcement Learning in Practice: Contextual Bandits
 
Machine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.pptMachine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.ppt
 
Chapter 5 of 1
Chapter 5 of 1Chapter 5 of 1
Chapter 5 of 1
 
BIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systemsBIG2016- Lessons Learned from building real-life user-focused Big Data systems
BIG2016- Lessons Learned from building real-life user-focused Big Data systems
 
Tips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitionsTips and tricks to win kaggle data science competitions
Tips and tricks to win kaggle data science competitions
 
Basics of machine learning
Basics of machine learningBasics of machine learning
Basics of machine learning
 
On Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and BeyondOn Semi-Supervised Learning and Beyond
On Semi-Supervised Learning and Beyond
 
Day 2 build up your own neural network
Day 2  build up your own neural networkDay 2  build up your own neural network
Day 2 build up your own neural network
 
Andrew NG machine learning
Andrew NG machine learningAndrew NG machine learning
Andrew NG machine learning
 
Learning in AI
Learning in AILearning in AI
Learning in AI
 

Similar to Introduction to Deep Learning | CloudxLab

Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
CloudxLab
 
Machine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp SwitzerlandMachine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp Switzerland
Memi Beltrame
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
Memi Beltrame
 
Machine Learning for Designers - UX Scotland
Machine Learning for Designers - UX ScotlandMachine Learning for Designers - UX Scotland
Machine Learning for Designers - UX Scotland
Memi Beltrame
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
Charmi Chokshi
 
Deep learning with tensor flow course
Deep learning with tensor flow course Deep learning with tensor flow course
Deep learning with tensor flow course
KeshavSain2
 
Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course
RonikSharma1
 
Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course
Sagag55
 
Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi
Professor Lili Saghafi
 
Interface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and TricksInterface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and Tricks
Julie Dirksen
 
Master Technical Recruiting Workshop: How to Recruit Top Tech Talent
Master Technical Recruiting Workshop:  How to Recruit Top Tech TalentMaster Technical Recruiting Workshop:  How to Recruit Top Tech Talent
Master Technical Recruiting Workshop: How to Recruit Top Tech Talent
RecruitingDaily.com LLC
 
tensorflow.pptx
tensorflow.pptxtensorflow.pptx
tensorflow.pptx
JoanJeremiah
 
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFERMICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
Human Capital Media
 
A step towards machine learning at accionlabs
A step towards machine learning at accionlabsA step towards machine learning at accionlabs
A step towards machine learning at accionlabs
Chetan Khatri
 
top developer mistakes
top developer mistakes top developer mistakes
top developer mistakes
Hanokh Aloni
 
Python Machine Learning Tutorial
Python Machine Learning TutorialPython Machine Learning Tutorial
Python Machine Learning Tutorial
grinu
 
Being an Agile Tester
Being an Agile TesterBeing an Agile Tester
Being an Agile Tester
liorf
 
Machine learning basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali
Akanksha Bali
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
Memi Beltrame
 
Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018
Sue Sentance
 

Similar to Introduction to Deep Learning | CloudxLab (20)

Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp SwitzerlandMachine Learning for Designers - UX Camp Switzerland
Machine Learning for Designers - UX Camp Switzerland
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
 
Machine Learning for Designers - UX Scotland
Machine Learning for Designers - UX ScotlandMachine Learning for Designers - UX Scotland
Machine Learning for Designers - UX Scotland
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Deep learning with tensor flow course
Deep learning with tensor flow course Deep learning with tensor flow course
Deep learning with tensor flow course
 
Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course
 
Deep learning with tensor flow course
Deep learning with tensor flow courseDeep learning with tensor flow course
Deep learning with tensor flow course
 
Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi Data science unit 1 By: Professor Lili Saghafi
Data science unit 1 By: Professor Lili Saghafi
 
Interface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and TricksInterface Design for Elearning - Tips and Tricks
Interface Design for Elearning - Tips and Tricks
 
Master Technical Recruiting Workshop: How to Recruit Top Tech Talent
Master Technical Recruiting Workshop:  How to Recruit Top Tech TalentMaster Technical Recruiting Workshop:  How to Recruit Top Tech Talent
Master Technical Recruiting Workshop: How to Recruit Top Tech Talent
 
tensorflow.pptx
tensorflow.pptxtensorflow.pptx
tensorflow.pptx
 
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFERMICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
MICROLEARNING FOR TRANSFORMATION, NOT INFORMATION TRANSFER
 
A step towards machine learning at accionlabs
A step towards machine learning at accionlabsA step towards machine learning at accionlabs
A step towards machine learning at accionlabs
 
top developer mistakes
top developer mistakes top developer mistakes
top developer mistakes
 
Python Machine Learning Tutorial
Python Machine Learning TutorialPython Machine Learning Tutorial
Python Machine Learning Tutorial
 
Being an Agile Tester
Being an Agile TesterBeing an Agile Tester
Being an Agile Tester
 
Machine learning basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
 
Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018Teacher toolkit Pycon UK Sept 2018
Teacher toolkit Pycon UK Sept 2018
 

More from CloudxLab

Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning
CloudxLab
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
CloudxLab
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
CloudxLab
 
Naive Bayes
Naive BayesNaive Bayes
Naive Bayes
CloudxLab
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
CloudxLab
 
Training Deep Neural Nets
Training Deep Neural NetsTraining Deep Neural Nets
Training Deep Neural Nets
CloudxLab
 
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
CloudxLab
 
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLabAdvanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
CloudxLab
 
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
CloudxLab
 
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
CloudxLab
 
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLabApache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
CloudxLab
 
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
CloudxLab
 
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
CloudxLab
 
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
CloudxLab
 
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLabIntroduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
CloudxLab
 
Dimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLabDimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLab
CloudxLab
 
Ensemble Learning and Random Forests
Ensemble Learning and Random ForestsEnsemble Learning and Random Forests
Ensemble Learning and Random Forests
CloudxLab
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
CloudxLab
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
CloudxLab
 
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
CloudxLab
 

More from CloudxLab (20)

Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
Natural Language Processing
Natural Language ProcessingNatural Language Processing
Natural Language Processing
 
Naive Bayes
Naive BayesNaive Bayes
Naive Bayes
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
 
Training Deep Neural Nets
Training Deep Neural NetsTraining Deep Neural Nets
Training Deep Neural Nets
 
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
Apache Spark - Key Value RDD - Transformations | Big Data Hadoop Spark Tutori...
 
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLabAdvanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
Advanced Spark Programming - Part 2 | Big Data Hadoop Spark Tutorial | CloudxLab
 
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 2 | Big Data Hadoop Spark Tutori...
 
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
Apache Spark - Dataframes & Spark SQL - Part 1 | Big Data Hadoop Spark Tutori...
 
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLabApache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
Apache Spark - Running on a Cluster | Big Data Hadoop Spark Tutorial | CloudxLab
 
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to SparkR | Big Data Hadoop Spark Tutorial | CloudxLab
 
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to NoSQL | Big Data Hadoop Spark Tutorial | CloudxLab
 
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
Introduction to MapReduce - Hadoop Streaming | Big Data Hadoop Spark Tutorial...
 
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLabIntroduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
Introduction To TensorFlow | Deep Learning Using TensorFlow | CloudxLab
 
Dimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLabDimensionality Reduction | Machine Learning | CloudxLab
Dimensionality Reduction | Machine Learning | CloudxLab
 
Ensemble Learning and Random Forests
Ensemble Learning and Random ForestsEnsemble Learning and Random Forests
Ensemble Learning and Random Forests
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
 
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLabIntroduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
Introduction to Linux | Big Data Hadoop Spark Tutorial | CloudxLab
 

Recently uploaded

Calgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptxCalgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptx
ishalveerrandhawa1
 
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Bert Blevins
 
Advanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly DetectionAdvanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly Detection
Bert Blevins
 
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - MydbopsScaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Mydbops
 
Quality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of TimeQuality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of Time
Aurora Consulting
 
How RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptxHow RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptx
SynapseIndia
 
20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf
Sally Laouacheria
 
Coordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar SlidesCoordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar Slides
Safe Software
 
The Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive ComputingThe Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive Computing
Larry Smarr
 
20240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 202420240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 2024
Matthew Sinclair
 
Password Rotation in 2024 is still Relevant
Password Rotation in 2024 is still RelevantPassword Rotation in 2024 is still Relevant
Password Rotation in 2024 is still Relevant
Bert Blevins
 
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
Toru Tamaki
 
7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf
Enterprise Wired
 
Quantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLMQuantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLM
Vijayananda Mohire
 
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALLBLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
Liveplex
 
20240704 QFM023 Engineering Leadership Reading List June 2024
20240704 QFM023 Engineering Leadership Reading List June 202420240704 QFM023 Engineering Leadership Reading List June 2024
20240704 QFM023 Engineering Leadership Reading List June 2024
Matthew Sinclair
 
Best Programming Language for Civil Engineers
Best Programming Language for Civil EngineersBest Programming Language for Civil Engineers
Best Programming Language for Civil Engineers
Awais Yaseen
 
Recent Advancements in the NIST-JARVIS Infrastructure
Recent Advancements in the NIST-JARVIS InfrastructureRecent Advancements in the NIST-JARVIS Infrastructure
Recent Advancements in the NIST-JARVIS Infrastructure
KAMAL CHOUDHARY
 
Manual | Product | Research Presentation
Manual | Product | Research PresentationManual | Product | Research Presentation
Manual | Product | Research Presentation
welrejdoall
 
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
Kief Morris
 

Recently uploaded (20)

Calgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptxCalgary MuleSoft Meetup APM and IDP .pptx
Calgary MuleSoft Meetup APM and IDP .pptx
 
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
Understanding Insider Security Threats: Types, Examples, Effects, and Mitigat...
 
Advanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly DetectionAdvanced Techniques for Cyber Security Analysis and Anomaly Detection
Advanced Techniques for Cyber Security Analysis and Anomaly Detection
 
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - MydbopsScaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
Scaling Connections in PostgreSQL Postgres Bangalore(PGBLR) Meetup-2 - Mydbops
 
Quality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of TimeQuality Patents: Patents That Stand the Test of Time
Quality Patents: Patents That Stand the Test of Time
 
How RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptxHow RPA Help in the Transportation and Logistics Industry.pptx
How RPA Help in the Transportation and Logistics Industry.pptx
 
20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf
 
Coordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar SlidesCoordinate Systems in FME 101 - Webinar Slides
Coordinate Systems in FME 101 - Webinar Slides
 
The Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive ComputingThe Rise of Supernetwork Data Intensive Computing
The Rise of Supernetwork Data Intensive Computing
 
20240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 202420240705 QFM024 Irresponsible AI Reading List June 2024
20240705 QFM024 Irresponsible AI Reading List June 2024
 
Password Rotation in 2024 is still Relevant
Password Rotation in 2024 is still RelevantPassword Rotation in 2024 is still Relevant
Password Rotation in 2024 is still Relevant
 
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
論文紹介:A Systematic Survey of Prompt Engineering on Vision-Language Foundation ...
 
7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf7 Most Powerful Solar Storms in the History of Earth.pdf
7 Most Powerful Solar Storms in the History of Earth.pdf
 
Quantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLMQuantum Communications Q&A with Gemini LLM
Quantum Communications Q&A with Gemini LLM
 
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALLBLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
 
20240704 QFM023 Engineering Leadership Reading List June 2024
20240704 QFM023 Engineering Leadership Reading List June 202420240704 QFM023 Engineering Leadership Reading List June 2024
20240704 QFM023 Engineering Leadership Reading List June 2024
 
Best Programming Language for Civil Engineers
Best Programming Language for Civil EngineersBest Programming Language for Civil Engineers
Best Programming Language for Civil Engineers
 
Recent Advancements in the NIST-JARVIS Infrastructure
Recent Advancements in the NIST-JARVIS InfrastructureRecent Advancements in the NIST-JARVIS Infrastructure
Recent Advancements in the NIST-JARVIS Infrastructure
 
Manual | Product | Research Presentation
Manual | Product | Research PresentationManual | Product | Research Presentation
Manual | Product | Research Presentation
 
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
[Talk] Moving Beyond Spaghetti Infrastructure [AOTB] 2024-07-04.pdf
 

Introduction to Deep Learning | CloudxLab

  • 2. Welcome to first session on Deep Learning While other are joining, Please enroll for the free lab. This is needed for the hands on session. Open CloudxLab.com Also, please introduce yourself using the chat window and use the Q/A window for asking questions.
  • 3. About CloudxLab Videos Quizzes Hands-On Projects Case Studies Real Life Use Cases Making learning fun and for life
  • 5. Automated Hands-on Assessments Problem Statement Hands On Assessment
  • 7. Automated Hands-on Assessments Python Assessment Jupyter Notebook
  • 8. Automated Hands-on Assessments Python Assessment Jupyter Notebook
  • 10. Course Instructor Sandeep Giri Worked On Large Scale Computing Graduated from IIT Roorkee Software Engineer Loves Explaining Technologies Founder
  • 11. TensorFlow Getting Started with free Lab 1. Open CloudxLab 2. If already Enrolled, go to step 5 3. Else Click on "Start Free Lab" a. And Complete the process of enrollment b. You might have sign using credit card or college id 4. Go to MyLab 5. Open Jupyter
  • 12. Deep Learning What is Deep Learning? Let us understand it with real use case...
  • 13. Deep Learning Have You Played Mario? How much time did it take you to learn & win the princess?
  • 14. Deep Learning Have You Played Mario? Did Anyone teach you?
  • 15. Deep Learning How About Automating it?
  • 16. Deep Learning How About Automating it? • Program Learns to Play Mario
  • 17. Deep Learning How About Automating it? • Program Learns to Play Mario • Observes the game & pressed keys
  • 18. Deep Learning How About Automating it? • Program Learns to Play Mario • Observes the game & pressed keys • Maximises Score
  • 19. Deep Learning How About Automating it?
  • 20. Deep Learning How About Automating it? ● So, the program learnt to play ○ Mario ○ And Other games ○ Without any programming
  • 21. Deep Learning Question To make this program learn any other games such as PacMan we will have to 1. Write new rules as per the game 2. Just hook it to new game and let it play for a while
  • 22. Deep Learning Question To make this program learn any other games such as PacMan we will have to 1. Write new rules as per the game 2. Just hook it to new game and let it play for a while
  • 23. Deep Learning Gather data and automatically solve problems Imagine Doing The Same For Life
  • 24. Deep Learning The Deep Learning Tsunami - 1 ● Self driving cars on the roads
  • 25. Deep Learning The Deep Learning Tsunami - 2 ● Netflix movies recommendations
  • 26. Deep Learning The Deep Learning Tsunami - 3 ● Amazon product recommendations
  • 27. Deep Learning The Deep Learning Tsunami - 4 ● Accurate results in Google Search
  • 28. Deep Learning The Deep Learning Tsunami - 5 ● Speech recognition in your smartphone
  • 29. Deep Learning Question What do we need to ● Gather Data ● And automatically solving the problem? IntelligenceData +
  • 31. Deep Learning Collect Data - IOT Phone & Devices Cheaper, faster and smaller Connectivity Wifi, 4G, NFC, GPS
  • 32. Deep Learning Process Data - Parallel Computing • Groups of networked computers • Interact with each other • To achieve a common goal Distributed
  • 33. Deep Learning Process Data - Parallel Computing • Many processors or Cores • Perform tasks and interact using • Memory or bus Memory Processor Processor Processor Multi Core + GPGPU (General Purpose Graphics Processing Units)
  • 34. Deep Learning Process Data - Parallel Computing MULTI CORE GPGPU DISTRIBUTED CAN HANDLE HUGE DATA? (DISK READ INTENSIVE) REALLY FAST COMMUNICATION BETWEEN CPUS GREAT FOR MATHS/GRAPHICS? TOOLS Hadoop MR, Apache Spark Keras, TensorFlow, Caffe, Spark (Exp) Hadoop MR, Apache Spark
  • 35. Deep Learning Intelligence - Traditional vs Deep Learning. How you would write a spam filter?
  • 36. Deep Learning Intelligence - Spam Filter - Traditional Approach 21 3
  • 37. Deep Learning Intelligence - Spam Filter - Traditional Approach Problems?
  • 38. Deep Learning Intelligence - Spam Filter - Traditional Approach ● Problem is not trivial ○ Program will likely become a long list of complex rules ○ Pretty hard to maintain ● If spammers notice that ○ All their emails containing “4U” are blocked ○ They might start writing “For U” instead ○ If spammers keep working around spam filter, we will need to keep writing new rules forever Problems?
  • 39. Deep Learning Intelligence - Spam Filter - ML Approach
  • 40. Deep Learning Intelligence - Spam Filter - Deep Learning Approach ● A spam filter based on Machine Learning techniques automatically learns ○ Which words and phrases are good predictors of spam ○ By detecting unusually frequent patterns of words ● The program will be ○ Much shorter ○ Easier to maintain ○ Most likely more accurate than traditional approach
  • 41. Deep Learning Intelligence - Spam Filter - Deep Learning Approach ● Unlike traditional approach, Deep Learning techniques automatically notice that ○ “For U” has become unusually frequent in spam flagged by users and ○ It starts flagging them without our intervention
  • 42. Deep Learning Intelligence - Spam Filter - Deep Learning Approach Can help humans learn ● Deep Learning algorithms can be inspected to see what they have learned ● Spam filter after enough training ○ Reveals combinations of words that it believes are best predictors of spam ○ May reveal unsuspected correlations or new trend and ○ Lead to a better understanding of the problem for humans
  • 43. Deep Learning Intelligence - Spam Filter - Deep Learning Approach Can help humans learn
  • 44. Deep Learning Deep Learning - Artificial Neural Network(ANN) Computing systems inspired by the biological neural networks that constitute animal brains.
  • 45. Deep Learning Deep Learning - Artificial Neural Network(ANN) • Learn (progressively improve performance) • To do tasks by considering examples • Generally without task-specific programming • Example: Based on image - cat or no cat?
  • 46. Deep Learning Deep Learning Each Neuron Hot Water Cold Water Each Neuron is like the knob.
  • 48. Deep Learning Deep Learning - Who is Using? Almost Everyone
  • 49. Deep Learning Google Translate & Auto Draw More use cases: https://aiexperiments.withgoogle.com/
  • 50. Deep Learning TensorFlow - Demo http://playground.tensorflow.org/
  • 55. Deep Learning Machine Learning - Types Human Supervision? Machine Learning How they generalize? Learn Incrementally?
  • 56. Deep Learning Machine Learning - Types Human Supervision? Machine Learning How they generalize? Learn Incrementally?
  • 57. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement How they generalize? Learn Incrementally?
  • 58. Deep Learning Machine Learning - Supervised Learning Whether or not models are trained with human supervision
  • 59. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression How they generalize? Learn Incrementally?
  • 60. Deep Learning Machine Learning - Supervised Learning Classification ● The training data we feed to the algorithm includes ○ The desired solutions, called labels ● Classification of spam filter is a supervised learning task
  • 61. Deep Learning Machine Learning - Supervised Learning Classification ● Spam filter ○ Is trained with many example emails called training data. ○ Each email in the training data contains the label if it is spam or ham(not spam) ○ Models then learns to classify new emails if they are spam or ham Classify new email as Ham or Spam
  • 62. Deep Learning Machine Learning - Supervised Learning Regression - Predict the price of the car (Value)
  • 63. Deep Learning Machine Learning - Supervised Learning Regression ● Predict price of the car ○ Given a set of features called predictors such as ○ Mileage, age, brand etc ● To train the model ○ We have to give many examples of cars ○ Including their predictors and labels(prices)
  • 64. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression How they generalize? Learn Incrementally?
  • 65. Deep Learning Machine Learning - Unsupervised Learning ● The training data is unlabeled ● The system tries to learn without a teacher
  • 66. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering How they generalize? Learn Incrementally?
  • 67. Deep Learning Machine Learning - Unsupervised Learning Clustering - Detect group of similar visitors in your blog
  • 68. Deep Learning Machine Learning - Unsupervised Learning Clustering ● Detect group of similar visitors in blog ○ Notice the training set is unlabeled ● To train the model ○ We just feed the training set to clustering algorithm ○ At no point we tell the algorithm which group a visitor belongs to ○ It find groups without our help
  • 69. Deep Learning Machine Learning - Unsupervised Learning Clustering ● It may notice that ○ 40% visitors are comic lovers and read the blog in evening ○ 20% visitors are sci-fi lovers and read the blog during weekends ● This data helps us in targeting our blog posts for each group
  • 70. Deep Learning Machine Learning - Unsupervised Learning • In the form of a tree • Nodes closer to each other are similar Hierarchical Clustering - Bring similar elements together
  • 71. Deep Learning Machine Learning - Unsupervised Learning Anomaly Detection - Detecting unusual credit card transactions to prevent fraud
  • 72. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering How they generalize? Learn Incrementally?
  • 73. Deep Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering Batch Processing How they generalize? Learn Incrementally? Online
  • 74. Deep Learning What Is Machine Learning? Field of study that gives "computers the ability to learn without being explicitly programmed" -- Arthur Samuel, 1959
  • 75. Deep Learning Machine Learning - Gradient Descent • Instead of trying all lines, go into the direction yielding better results
  • 76. Deep Learning Machine Learning - Gradient Descent ● Imagine yourself blindfolded on the mountainous terrain ● And you have to find the best lowest point ● If your last step went higher, you will go in opposite direction ● Other, you will keep going just faster
  • 77. Deep Learning What is AI? Artificial intelligence (AI): The intelligence exhibited by machines
  • 78. Deep Learning What is AI? • The theory and development of computer systems
  • 79. Deep Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as
  • 80. Deep Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception
  • 81. Deep Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception • Speech Recognition
  • 82. Deep Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception • Speech Recognition • Decision Making
  • 83. Deep Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception • Speech Recognition • Decision Making • Translation between languages
  • 84. Deep Learning History - Mythology / Fiction • In every mythology, there is some form of mechanical man such talos from greek mythology. • In fiction novels, we have Mary Shelley’s Frankenstein • We are fascinated by the idea of creating things which can behave like human
  • 85. Deep Learning History - Summer of 1956 • The term artificial intelligence was coined by • John McCarthy • In a workshop at • Dartmouth College in New Hampshire • Along with Marvin Minsky, Claude Shannon, and Nathaniel Rochester
  • 86. Deep Learning Sub-objectives of AI Artificial Intelligence Natural language processing Navigate Represent Knowledge ReasoningPerception
  • 87. Deep Learning AI - Represent Knowledge • Understanding and classifying terms or things in world e.g. • What is computer? • What is a thought? • What is a tool? • Languages like lisp were created for the same purpose
  • 88. Deep Learning AI - Reasoning • Play puzzle game - Chess, Go, Mario • Prove Geometry theorems • Diagnose diseases
  • 89. Deep Learning AI - Navigate • How to plan and navigate in the real world • How to locate the destination? • How to pick path? • How to pick short path? • How to avoid obstacles? • How to move?
  • 90. Deep Learning AI - Natural Language Processing • How to speak a language • How to understand a language • How to make sense out of a sentence
  • 91. Deep Learning AI - Perception • How to we see things in the real world • From sound, sight, touch, smell
  • 92. Deep Learning AI - Generalised Intelligence • With these previous building blocks, the following should emerge: • Emotional Intelligence • Creativity • Reasoning • Intuition
  • 93. Deep Learning AI - How to Achieve Artificial Intelligence Machine Learning Rule Based Systems Expert System Domain Specific Computing Robotics Deep Learning
  • 94. Deep Learning Deep Learning - Reinforcement Learning
  • 95. Deep Learning Deep Learning - Reinforcement Learning ● The learning system an agent in this context ○ Observes the environment ○ Selects and performs actions and ○ Get rewards or penalties in return ○ Learns by itself what is the best strategy (policy) to get most reward over time
  • 96. Deep Learning Deep Learning - Reinforcement Learning Applications ● Used by robots to learn how to walk ● DeepMind’s AlphaGo ○ Which defeated world champion Lee Sedol at the game of Go