SlideShare a Scribd company logo
Agenda
1. Introduction to Basic Terms and how they fit together:
○ AI, Big Data, Machine Learning, Deep Learning,
○ IOT, Neural Networks
2. Brief overview of use case of Deep Learning
3. How to Approach a Deep Learning Problem:
○ How to approach?
○ Which Tools?
○ Which Algorithms?
4. Questions & Answers
Introduction to Deep Learning
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

Recommending for the World
Recommending for the WorldRecommending for the World
Recommending for the World

The Netflix experience is driven by a number of Machine Learning algorithms: personalized ranking, page generation, search, similarity, ratings, etc. On the 6th of January, we simultaneously launched Netflix in 130 new countries around the world, which brings the total to over 190 countries. Preparing for such a rapid expansion while ensuring each algorithm was ready to work seamlessly created new challenges for our recommendation and search teams. In this post, we highlight the four most interesting challenges we’ve encountered in making our algorithms operate globally and, most importantly, how this improved our ability to connect members worldwide with stories they'll love.

recsysglobalnetflix
How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...

Eugene Klyuchnikov, Business Intelligence Lead, TourRadar ~You ask, we don't answer (yet). How to build a perfect ML-based question answering model which doesn't work.~

mlmtourradarvienna
DL Classe 0 - You can do it
DL Classe 0 - You can do itDL Classe 0 - You can do it
DL Classe 0 - You can do it

Here are some key terms that are similar to "champagne": - Sparkling wines - French champagne - Cognac - Rosé - White wine - Sparkling wine - Wine - Burgundy - Bordeaux - Cava - Prosecco Some specific champagne brands that are similar terms include Moët, Veuve Clicquot, Dom Pérignon, Taittinger, and Bollinger. Grape varieties used in champagne production like Chardonnay and Pinot Noir could also be considered similar terms.

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

Approaches to teaching primary computing
Approaches to teaching primary computingApproaches to teaching primary computing
Approaches to teaching primary computing

The document discusses pedagogical approaches for teaching primary computing. It provides objectives around the primary computing curriculum and computational thinking concepts. It then describes several unplugged activities that can be used to develop computational thinking without computers, such as writing algorithms for making sandwiches or drawing characters. Finally, it discusses strategies for teaching computing, including developing independence, paired programming, debugging, differentiation, and assessment.

computing curriculumcomputingpedagogy
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
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?

This document provides information about a software development career and learning to code. It discusses the growing demand for software developers and how the number of developers has doubled every 5 years. It notes that half of developers have less than 5 years of experience. The document recommends focusing on skills, talent, character, motivation, strategy, attitude, and luck to succeed as a developer. It emphasizes the importance of lifelong learning as technologies and best practices constantly change. It also outlines different coding career paths and domains like AI, security, and blockchain.

yazilim kursuprogramlamakodlama
Machine Learning
with
Python - Scikit Learn
Course Objective
Course Instructor
Sandeep Giri
Worked On Large Scale Computing
Graduated from IIT Roorkee
Software Engineer
Loves Explaining Technologies
Founder
Machine Learning
What Is Machine Learning?
Field of study that gives "computers the ability to
learn without being explicitly programmed"
-- Arthur Samuel, 1959
Machine Learning
What Is Machine Learning?
Let us understand it with real use case...

Recommended for you

A Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at NetflixA Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at Netflix

In this talk, we present a general multi-armed bandit framework for recommendations on the Netflix homepage. We present two example case studies using MABs at Netflix - a) Artwork Personalization to recommend personalized visuals for each of our members for the different titles and b) Billboard recommendation to recommend the right title to be watched on the Billboard.

contextual bandits
Think machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanThink machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetan

This document provides an overview of machine learning concepts including supervised learning pipelines, different classifier types, and what makes a good feature for classification. It discusses machine learning algorithms learning from examples and experience, and highlights scikit-learn as an open source machine learning library. Examples are given around classifying dog breeds based on height, showing how features can capture different types of information and the importance of avoiding redundant or useless features.

machine learning on datamachine learning with pythonthink machine learning with scikit-learn
Paris ML meetup
Paris ML meetupParis ML meetup
Paris ML meetup

Netflix uses machine learning and algorithms to power recommendations for over 69 million members across more than 50 countries. They experiment with a wide range of algorithms including regression, matrix factorization, deep neural networks, and more. Some lessons learned are to first build an offline experimentation framework with clear metrics, consider distribution from the start, and design production code to also support experimentation. The goal is to efficiently iterate experiments and smoothly implement successful models in production.

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

Recommended for you

Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...

In this tutorial I will introduce recent work in applying weak supervision and reinforcement learning to Questions Answering (QA) systems. Specifically we discuss the semantic parsing task for which natural language queries are converted to computation steps on knowledge graphs or data tables and produce the expected answers. State-of-the-art results can be achieved by novel memory structure for sequence models and improvements in reinforcement learning algorithms. Related code and experiment setup can be found at https://github.com/crazydonkey200/neural-symbolic-machines. Related paper: https://openreview.net/pdf?id=SyK00v5xx.

Everyday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday ApplicationsEveryday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday Applications

This document provides an overview of machine intelligence and its everyday applications. It discusses artificial narrow and general intelligence, machine learning approaches including supervised and unsupervised learning, and deep learning and neural networks. It also demonstrates examples of computer vision, natural language processing, machine translation and other AI applications like cancer detection, image captioning and voice synthesis. The conclusion encourages embracing AI to improve applications.

image recognitionnatural language understandingartificial intelligence
New Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing SystemsNew Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing Systems

This document discusses new approaches to natural language processing systems and how they can be improved. It notes that current NLP systems have limitations in areas like translation, information retrieval, understanding context and searching for relations. It suggests that NLP systems could be enhanced by reviewing current tools, understanding how humans are able to process language more effectively, and incorporating human-like characteristics like continual learning, motivation and the ability to learn from any source. Next steps proposed include developing new ways to store and access knowledge, understanding how humans learn, and creating systems that can understand users' intentions.

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

Recommended for you

Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence

Artificial intelligence and machine learning are advancing rapidly. Neural networks allow computers to learn from large amounts of data through supervised, unsupervised, and reinforcement learning. Applications include computer vision, natural language processing, adaptive websites, speech recognition, and autonomous vehicles. Advancements have been enabled by cheap parallel computing, vast data availability, improved algorithms, and cloud infrastructure. Open questions remain around how neural networks work and how to ensure AI is beneficial to humanity.

artificial intelligencemachine learning
Machine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora ExampleMachine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora Example

Machine learning is used extensively at Q&A sites like Quora to improve user experience. Some applications include answer ranking to determine the best answers, feed ranking to present the most interesting stories, asking users to answer questions, recommending new topics and users, detecting duplicate questions, and moderating content. Quora uses a variety of machine learning models and does extensive experimentation and A/B testing to optimize different metrics.

quoramachine learningrecommender systems
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
Machine 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
Machine 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
Machine Learning
Gather data and automatically solve problems
Imagine Doing The Same For Life
Machine Learning
The Machine Learning Tsunami - 1
● Self driving cars on the roads

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 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
The Machine Learning Tsunami - 2
● Netflix movies recommendations
Machine Learning
The Machine Learning Tsunami - 3
● Amazon product recommendations
Machine Learning
The Machine Learning Tsunami - 4
● Accurate results in Google Search
Machine Learning
The Machine Learning Tsunami - 5
● Speech recognition in your smartphone

Recommended for you

Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligence

This is the first lecture of the AI course offered by me at PES University, Bangalore. In this presentation we discuss the different definitions of AI, the notion of Intelligent Agents, distinguish an AI program from a complex program such as those that solve complex calculus problems (see the integration example) and look at the role of Machine Learning and Deep Learning in the context of AI. We also go over the course scope and logistics.

artificial intelligenceaimachine learning
Hr salary prediction using ml
Hr salary prediction using mlHr salary prediction using ml
Hr salary prediction using ml

This document discusses machine learning applications and different machine learning techniques. It provides examples of common machine learning applications such as image recognition, speech recognition, traffic prediction, product recommendations, self-driving cars, email filtering, and virtual assistants. It also discusses supervised learning for classification and regression problems, unsupervised learning for exploring patterns in unlabeled data, and reinforcement learning where agents learn through trial-and-error interactions with an environment.

mlmachine learning
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
Machine Learning
Question
What do we need to
● Gather Data
● And automatically solving the problem?
IntelligenceData
+
Machine Learning
Collect Data or Take Actions - IOT
Phone & Devices
Cheaper, faster and smaller
Connectivity
Wifi, 4G, NFC, GPS
Machine Learning
Intelligence - Traditional vs ML.
How you would write a spam filter?
Machine Learning
Intelligence - Spam Filter - Traditional Approach
21
3

Recommended for you

Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning

This document provides an overview of machine learning, including definitions, types, steps, and applications. It defines machine learning as a field that gives computers the ability to learn without being explicitly programmed. The document outlines the main types of machine learning as supervised learning, unsupervised learning, semi-supervised learning, and reinforcement learning. It also describes the typical steps in a machine learning process as gathering data, preparing data, choosing a model, training, evaluation, and prediction. Examples of machine learning applications discussed include prediction, image recognition, natural language processing, and personal assistants. Popular machine learning languages and packages are also listed.

machine learningmachine learning steps
Artificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptxArtificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptx

The document discusses various topics related to artificial intelligence including definitions of AI, goals of AI, whether machines can think, the Turing test, types of AI tasks including mundane, formal and expert tasks, technologies based on AI such as machine learning, natural language processing, computer vision, and applications of AI such as in healthcare, gaming, finance, data security, social media, travel and more.

artificial intelligencediploma enggbasics of a.i
chapter1-introduction1.ppt
chapter1-introduction1.pptchapter1-introduction1.ppt
chapter1-introduction1.ppt

Machine learning involves computers improving their ability to complete tasks through experience. A machine learning problem is well-defined if it identifies: 1) the class of tasks, 2) a performance measure to improve on, and 3) the source of training experience. For example, a program that learns to play checkers would improve its ability to win games (performance measure) by playing practice games against itself (training experience) for checkers games (class of tasks). How machines learn involves inputting past data, abstracting that data using algorithms, and generalizing the abstraction to make decisions.

machine learning
Machine Learning
Intelligence - Spam Filter - Traditional Approach
Problems?
Machine 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?
Machine Learning
Intelligence - Spam Filter - ML Approach
Machine Learning
Intelligence - Spam Filter - ML 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

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
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity

This document discusses the complexity of artificial intelligence and machine learning. It notes that complexity arises from big data's volume, variety, velocity and veracity, as well as from knowledge representation, unlabeled data, feature engineering, hardware limitations, and the stack of methods and technologies used. High performance computing techniques like in-memory data fabrics and GPU machines can help address these complexities. Topological data analysis is also mentioned as a technique that can help with complexity through properties like coordinate and deformation invariance and compressed representations.

artificial intelligencemachine learninglearning
UNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptxUNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptx

Supervised learning is a machine learning technique where models are trained using labeled examples to predict or classify new examples. It involves mapping input variables to output variables using labeled training data to build a model that can predict the correct output for a new input. Some common supervised learning algorithms include classification algorithms like logistic regression and decision trees, and regression algorithms like linear regression. Supervised learning is used for tasks like image classification, fraud detection, and spam filtering.

Machine Learning
Intelligence - Spam Filter - ML Approach
● Unlike traditional approach, ML techniques automatically notice that
○ “For U” has become unusually frequent in spam flagged by users and
○ It starts flagging them without our intervention
Machine Learning
Intelligence - Spam Filter - ML Approach
Can help humans learn
● ML 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
Machine Learning
Intelligence - Spam Filter - ML Approach
Can help humans learn
Machine Learning
What is AI?
Artificial intelligence (AI):
The intelligence exhibited by machines

Recommended for you

Hala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdfHala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdf

Testing AI involves validating that AI systems perform as intended and are free of unintended behaviors. This includes testing the training data, model architecture, and system outputs. Challenges include the inability to test all possible inputs and scenarios, as well as accurately interpreting ambiguous or uncertain outputs. Emerging techniques use machine learning to automatically generate test cases, fuzz testing to introduce adversarial inputs, and model analysis to evaluate behaviors. Proper testing is crucial to ensure AI systems do not negatively impact users or society.

ai testingaitesting
Machine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMachine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup Basel

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
Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)

Introduction to Artificial Intelligence ( AI)

Machine Learning
What is AI?
• The theory and development of
computer systems
Machine Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
Machine Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception
Machine Learning
What is AI?
• The theory and development of
computer systems
• To perform tasks requiring human
intelligence such as
• Visual perception
• Speech Recognition

Recommended for you

Deep learning
Deep learningDeep learning
Deep learning

This document discusses artificial intelligence, machine learning, deep learning, and data science. It defines each term and explains the relationships between them. AI is the overarching field, while machine learning and deep learning are subsets of AI. Machine learning allows machines to improve performance over time without human intervention by learning from examples, and deep learning uses artificial neural networks with many layers to closely mimic the human brain. The document provides an example of a fruit detection system using deep learning that trains a neural network to detect ripe fruit for automated harvesting.

data science
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdaptAI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt

A Deep Look into AI and its Impact on Programmatic Advertising Learn about why AI is important for the advertising industry, and the tremendous impacts it has on marketing and consumers. o What is AI? There are a lot of misconceptions regarding what it is and a lot of deception around it as well. We'll clear that up and separate the pretenders from the contenders. o When to use AI? We'll discuss the ideal use cases for investing in AI technologies and specific examples in marketing. o A Case Study in Advertising. Yang will take you step by step through how StackAdapt solved a particular problem -- starting with a basic algorithm to a full-fledged AI powered system. o What the future looks like. How close are we really to killer robots? In order for AI to evolve further, there are challenges that need to be solved.

content marketingdigital marketingmarketing
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNINGINTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING

Unit 1 of the document introduces artificial intelligence and machine learning. It discusses how AI solves real-world problems by simulating human intelligence and modeling problem-solving processes. It also covers machine learning models like supervised, unsupervised, and reinforcement learning. Additionally, it introduces popular Python libraries for artificial intelligence like NumPy, Pandas, scikit-learn, and TensorFlow. The role of Python in AI is also discussed along with Anaconda and how to install Python libraries.

Machine 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
Machine 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
Machine 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
Machine Learning
Sub-objectives of AI
Artificial
Intelligence
Natural
language
processing
Navigate
Represent
Knowledge
ReasoningPerception

Recommended for you

Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1

The document discusses different types of machine learning including supervised learning, unsupervised learning, and reinforcement learning. It provides examples of each type, such as using labeled data to classify emails as spam or not spam for supervised learning, grouping fruits by color without labels for unsupervised learning, and using rewards to guide an agent through a maze for reinforcement learning. The document also covers applications of machine learning across different domains like banking, biomedical, computer, and environment.

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
Machine 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
Machine Learning
AI - Reasoning
• Play puzzle game - Chess, Go, Mario
• Prove Geometry theorems
• Diagnose diseases
Machine 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?
Machine Learning
AI - Natural Language Processing
• How to speak a language
• How to understand a language
• How to make sense out of a sentence

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
Machine Learning
AI - Perception
• How to we see things in the real world
• From sound, sight, touch, smell
Machine Learning
AI - Generalised Intelligence
• With these previous building blocks, the
following should emerge:
• Emotional Intelligence
• Creativity
• Reasoning
• Intuition
Machine Learning
AI - How to Achieve
Artificial Intelligence
Machine Learning
Rule Based Systems
Expert System
Domain Specific
Computing
Robotics
Deep
Learning
Machine Learning
AI - How to Achieve
Artificial Intelligence
Machine Learning
Rule Based Systems
Expert System
Domain Specific
Computing
Robotics
Deep
LearningWe will focus here.

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
Machine Learning
Machine Learning - Types
Human Supervision?
Machine Learning
How they generalize?
Learn Incrementally?
Machine Learning
Machine Learning - Types
Human Supervision?
Machine Learning
How they generalize?
Learn Incrementally?
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
How they generalize?
Learn Incrementally?
Machine Learning
Machine Learning - Supervised Learning
Whether or not models are trained with human
supervision

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
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
How they generalize?
Learn Incrementally?
Machine 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
Machine 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
Machine Learning
Machine Learning - Supervised Learning
Regression - Predict the price of the car (Value)

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
Machine 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)
Machine Learning
Machine Learning - Gradient Descent
• Instead of trying all lines, go into
the direction yielding better
results
Machine 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
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
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
Machine Learning
Machine Learning - Unsupervised Learning
● The training data is unlabeled
● The system tries to learn without a teacher
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
How they generalize?
Learn Incrementally?
Machine Learning
Machine Learning - Unsupervised Learning
Clustering - Detect group of similar visitors in your blog
Machine 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

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
Machine 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
Machine Learning
Machine Learning - Unsupervised Learning
• In the form of a tree
• Nodes closer to each other are similar
Hierarchical Clustering - Bring similar elements together
Machine Learning
Machine Learning - Unsupervised Learning
Anomaly Detection - Detecting unusual credit card transactions to prevent
fraud
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
How they generalize?
Learn Incrementally?

Recommended for you

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
Implementations of Fused Deposition Modeling in real world
Implementations of Fused Deposition Modeling  in real worldImplementations of Fused Deposition Modeling  in real world
Implementations of Fused Deposition Modeling in real world

The presentation showcases the diverse real-world applications of Fused Deposition Modeling (FDM) across multiple industries: 1. **Manufacturing**: FDM is utilized in manufacturing for rapid prototyping, creating custom tools and fixtures, and producing functional end-use parts. Companies leverage its cost-effectiveness and flexibility to streamline production processes. 2. **Medical**: In the medical field, FDM is used to create patient-specific anatomical models, surgical guides, and prosthetics. Its ability to produce precise and biocompatible parts supports advancements in personalized healthcare solutions. 3. **Education**: FDM plays a crucial role in education by enabling students to learn about design and engineering through hands-on 3D printing projects. It promotes innovation and practical skill development in STEM disciplines. 4. **Science**: Researchers use FDM to prototype equipment for scientific experiments, build custom laboratory tools, and create models for visualization and testing purposes. It facilitates rapid iteration and customization in scientific endeavors. 5. **Automotive**: Automotive manufacturers employ FDM for prototyping vehicle components, tooling for assembly lines, and customized parts. It speeds up the design validation process and enhances efficiency in automotive engineering. 6. **Consumer Electronics**: FDM is utilized in consumer electronics for designing and prototyping product enclosures, casings, and internal components. It enables rapid iteration and customization to meet evolving consumer demands. 7. **Robotics**: Robotics engineers leverage FDM to prototype robot parts, create lightweight and durable components, and customize robot designs for specific applications. It supports innovation and optimization in robotic systems. 8. **Aerospace**: In aerospace, FDM is used to manufacture lightweight parts, complex geometries, and prototypes of aircraft components. It contributes to cost reduction, faster production cycles, and weight savings in aerospace engineering. 9. **Architecture**: Architects utilize FDM for creating detailed architectural models, prototypes of building components, and intricate designs. It aids in visualizing concepts, testing structural integrity, and communicating design ideas effectively. Each industry example demonstrates how FDM enhances innovation, accelerates product development, and addresses specific challenges through advanced manufacturing capabilities.

fdmffffused deposition modeling
Best Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.pdfBest Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.pdf

As a popular open-source library for analytics engineering, dbt is often used in combination with Airflow. Orchestrating and executing dbt models as DAGs ensures an additional layer of control over tasks, observability, and provides a reliable, scalable environment to run dbt models. This webinar will cover a step-by-step guide to Cosmos, an open source package from Astronomer that helps you easily run your dbt Core projects as Airflow DAGs and Task Groups, all with just a few lines of code. We’ll walk through: - Standard ways of running dbt (and when to utilize other methods) - How Cosmos can be used to run and visualize your dbt projects in Airflow - Common challenges and how to address them, including performance, dependency conflicts, and more - How running dbt projects in Airflow helps with cost optimization Webinar given on 9 July 2024

apache airflowdbtdbt-core
Machine Learning
Machine Learning - Reinforcement Learning
Machine Learning
Machine 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
Machine Learning
Machine 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
Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
Batch Processing
How they generalize?
Learn Incrementally?
Online

Recommended for you

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!

Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...

This presentation explores the practical application of image description techniques. Familiar guidelines will be demonstrated in practice, and descriptions will be developed “live”! If you have learned a lot about the theory of image description techniques but want to feel more confident putting them into practice, this is the presentation for you. There will be useful, actionable information for everyone, whether you are working with authors, colleagues, alone, or leveraging AI as a collaborator. Link to presentation recording and slides: https://bnctechforum.ca/sessions/details-of-description-part-ii-describing-images-in-practice/ Presented by BookNet Canada on June 25, 2024, with support from the Department of Canadian Heritage.

a11yaccessibilityalt text
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
Machine Learning
Machine Learning - Batch Learning
Machine Learning
Machine Learning - Batch Learning
● Offline learning
● System is incapable of learning incrementally
○ It must be trained offline using all the available data
● Takes lot of time and computing resources
○ everytime training happens on the entire data
Machine Learning
Machine Learning - Batch Learning
● Once the system is trained, it gets
○ Pushed to production
○ Runs without learning anymore
○ Just applies what it has learned offline
Machine Learning
Machine Learning - Online Learning

Recommended for you

Comparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdfComparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdf

To help you choose the best DiskWarrior alternative, we've compiled a comparison table summarizing the features, pros, cons, and pricing of six alternatives.

data recoverydatadiskwarrior
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-InTrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In

Six months into 2024, and it is clear the privacy ecosystem takes no days off!! Regulators continue to implement and enforce new regulations, businesses strive to meet requirements, and technology advances like AI have privacy professionals scratching their heads about managing risk. What can we learn about the first six months of data privacy trends and events in 2024? How should this inform your privacy program management for the rest of the year? Join TrustArc, Goodwin, and Snyk privacy experts as they discuss the changes we’ve seen in the first half of 2024 and gain insight into the concrete, actionable steps you can take to up-level your privacy program in the second half of the year. This webinar will review: - Key changes to privacy regulations in 2024 - Key themes in privacy and data governance in 2024 - How to maximize your privacy program in the second half of 2024

data privacyprivacy complianceai
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdfWhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf

Profile portofolio

Machine Learning
Machine Learning - Types
Human Supervision?
Supervised
Machine Learning
Unsupervised
Reinforcement
Classification
Regression
Clustering
Batch Processing
How they generalize?
Model based
Learn Incrementally?
Online
Instance Based
Machine Learning
Machine Learning - Instance-based Learning
Machine Learning
Machine Learning - Instance-Based Learning
● Most trivial form of learning is
○ Learn by heart
● The system learns the examples by heart
● Then generalizes to new cases using a similarity measure
Machine Learning
Machine Learning - Instance-Based Learning
Example
● Spam filter flags emails
○ That are identical to known spam emails (emails marked spam by users)
○ Also the emails which are similar to known spam emails
○ This requires measure of similarity between two emails
○ A basic similarity measures between two emails can be
■ Count the number of words they have in common

Recommended for you

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
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdfINDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf

These fighter aircraft have uses outside of traditional combat situations. They are essential in defending India's territorial integrity, averting dangers, and delivering aid to those in need during natural calamities. Additionally, the IAF improves its interoperability and fortifies international military alliances by working together and conducting joint exercises with other air forces.

air force fighter planebiggest submarinezambia port
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...

Slide of the tutorial entitled "Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Emerging Trends" held at UMAP'24: 32nd ACM Conference on User Modeling, Adaptation and Personalization (July 1, 2024 | Cagliari, Italy)

user modelinguser profilinguser model
Machine Learning
Machine Learning - Model-based Learning
Machine Learning
Machine Learning - Model-Based Learning
● Another way to generalize from a set of examples
○ Build a model of these examples
○ And then use model to make predictions
○ This is called inference
○ Hope that model will generalize well
○ We will learn more about it in next session
Machine Learning
Machine Learning - Artificial Neural Network(ANN)
Computing systems inspired by the biological neural networks that constitute animal
brains.
Machine Learning
Machine 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?

Recommended for you

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

Everything that I found interesting about engineering leadership last month

quantumfaxmachine
find out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challengesfind out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challenges

accommodate the strengths, weaknesses, threats and opportunities of autonomous vehicles

automotive self-driving car technology
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
Machine Learning
Machine Learning - Deep Learning
Each Neuron
Hot Water Cold Water
Each Neuron is like the knob.
Machine Learning
Machine Learning - Deep Learning
Each Neuron
Hot Water Cold Water
Each Neuron is like the knob.
Soap
Machine Learning
Deep Learning
Each Neuron
Hot Water Cold Water
What if there are many more parameters? So, physical input is conceptual input.
Soap
Person -
Male/Female
Climate?
Machine Learning
Deep Learning
Each Neuron
Hot Water Cold Water
We can construct many architectures….
Soap
Person -
Male/Female
Climate?

Recommended for you

WPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide DeckWPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide Deck

YOUR RELIABLE WEB DESIGN & DEVELOPMENT TEAM — FOR LASTING SUCCESS WPRiders is a web development company specialized in WordPress and WooCommerce websites and plugins for customers around the world. The company is headquartered in Bucharest, Romania, but our team members are located all over the world. Our customers are primarily from the US and Western Europe, but we have clients from Australia, Canada and other areas as well. Some facts about WPRiders and why we are one of the best firms around: More than 700 five-star reviews! You can check them here. 1500 WordPress projects delivered. We respond 80% faster than other firms! Data provided by Freshdesk. We’ve been in business since 2015. We are located in 7 countries and have 22 team members. With so many projects delivered, our team knows what works and what doesn’t when it comes to WordPress and WooCommerce. Our team members are: - highly experienced developers (employees & contractors with 5 -10+ years of experience), - great designers with an eye for UX/UI with 10+ years of experience - project managers with development background who speak both tech and non-tech - QA specialists - Conversion Rate Optimisation - CRO experts They are all working together to provide you with the best possible service. We are passionate about WordPress, and we love creating custom solutions that help our clients achieve their goals. At WPRiders, we are committed to building long-term relationships with our clients. We believe in accountability, in doing the right thing, as well as in transparency and open communication. You can read more about WPRiders on the About us page.

web development agencywpriderswordpress development
Observability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetryObservability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetry

Are you interested in dipping your toes in the cloud native observability waters, but as an engineer you are not sure where to get started with tracing problems through your microservices and application landscapes on Kubernetes? Then this is the session for you, where we take you on your first steps in an active open-source project that offers a buffet of languages, challenges, and opportunities for getting started with telemetry data. The project is called openTelemetry, but before diving into the specifics, we’ll start with de-mystifying key concepts and terms such as observability, telemetry, instrumentation, cardinality, percentile to lay a foundation. After understanding the nuts and bolts of observability and distributed traces, we’ll explore the openTelemetry community; its Special Interest Groups (SIGs), repositories, and how to become not only an end-user, but possibly a contributor.We will wrap up with an overview of the components in this project, such as the Collector, the OpenTelemetry protocol (OTLP), its APIs, and its SDKs. Attendees will leave with an understanding of key observability concepts, become grounded in distributed tracing terminology, be aware of the components of openTelemetry, and know how to take their first steps to an open-source contribution! Key Takeaways: Open source, vendor neutral instrumentation is an exciting new reality as the industry standardizes on openTelemetry for observability. OpenTelemetry is on a mission to enable effective observability by making high-quality, portable telemetry ubiquitous. The world of observability and monitoring today has a steep learning curve and in order to achieve ubiquity, the project would benefit from growing our contributor community.

cloudcloud native observabilitycloud native
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...

Have you noticed the OpenSSF Scorecard badges on the official Dart and Flutter repos? It's Google's way of showing that they care about security. Practices such as pinning dependencies, branch protection, required reviews, continuous integration tests etc. are measured to provide a score and accompanying badge. You can do the same for your projects, and this presentation will show you how, with an emphasis on the unique challenges that come up when working with Dart and Flutter. The session will provide a walkthrough of the steps involved in securing a first repository, and then what it takes to repeat that process across an organization with multiple repos. It will also look at the ongoing maintenance involved once scorecards have been implemented, and how aspects of that maintenance can be better automated to minimize toil.

dartflutteropenssf
Machine Learning
Deep Learning
Multiple layers of neutrons
Convolutional Neural Network
Convolutional Neural Network
Convolutional Neural Network
● Although in 1996
○ IBM’s Deep Blue supercomputer
○ Beat the chess world champion Garry Kasparov
Convolutional Neural Network
Convolutional Neural Network
● Yet computers were unable to do trivial tasks such as
○ Detecting a puppy in a picture or
○ Recognizing spoken words
○ Until quite recently

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
Measuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at TwitterMeasuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at Twitter

Widya Salim and Victor Ma will outline the causal impact analysis, framework, and key learnings used to quantify the impact of reducing Twitter's network latency.

Convolutional Neural Network
Convolutional Neural Network
● Convolutional neural networks (CNNs) emerged
○ From the study of the brain’s visual cortex, and
○ They have been used in image recognition since the 1980s.
Convolutional Neural Network
Convolutional Neural Network
● In the last few years
○ CNNs have managed to achieve superhuman performance
○ On some complex visual tasks
● And all this was possible because of
○ Increase in computational power
○ The amount of available training data
○ And the tricks presented in last chapter on training deep neural nets
Convolutional Neural Network
Convolutional Neural Network
● Today CNNs power
○ Image search services
○ Self-driving cars
○ Automatic video classification systems
○ Voice recognition and
○ Natural language processing - NLP
Convolutional Neural Network
Convolutional Neural Network
● In this chapter we will present
○ Where CNNs came from
○ What their building blocks looks like and
○ How to implement them using TensorFlow
● Then we will present some of the best CNN architectures

Recommended for you

Convolutional Neural Network
Convolutional Neural Network
The Architecture of the Visual Cortex
Convolutional Neural Network
Convolutional Neural Network
● In 1958 and 1959, David H. Hubel and Torsten Wiesel
○ Performed a series of experiments on cats and
○ Later on monkeys
● Their experiments gave crucial insights on the
○ Structure of the visual cortex
● They showed that many neurons in the visual cortex
○ Have a small local receptive field
○ Meaning they react only to
○ Visual stimuli located in a limited region of the visual field
Convolutional Neural Network
Convolutional Neural Network
Local receptive fields in the visual cortex
Convolutional Neural Network
Convolutional Neural Network
Question
Why not simply use a regular deep network with fully connected
layers for image recognition tasks?

Recommended for you

Convolutional Neural Network
Convolutional Neural Network
Answer
● Deep neural network work fine for small images such as MNIST
● But they break for larger images because of
○ Huge number of parameters
● For example
○ A 100x100 image has 10,000 pixels
○ If the first layer has 1,000 neurons (which is a very small number)
○ This means a total of 10 million connections, that too in first layer
○ This will require a lot of computing power
● CNNs solve this problem by using partially connected layers
Convolutional Neural Network
Convolutional Neural Network
Convolutional Layer
Convolutional Neural Network
● It is the most important
building block of a CNN
● Neurons in the first
convolutional layer are not
connected to every single
pixel in the input image , but
only to pixels in their
receptive fields
Convolutional Layer
Convolutional Neural Network
● In turn, each neuron in the
second convolutional layer is
connected only to neurons
located within a small
rectangle in the first layer.
● This architecture allows the
network to concentrate on
low-level features in the first
hidden layer, then assemble
them into higher-level
features in the next hidden
layer, and so on.
Convolutional Layer

Recommended for you

Convolutional Neural Network
● This hierarchical structure is
common in real-world images,
which is one of the reasons
why CNNs work so well for
image recognition.
Convolutional Layer
Convolutional Neural Network
Convolutional Layer
Stride
This figure shows how the layers of CNN are formed
Convolutional Neural Network
CNN Architectures
Distinguishing dog Breeds based
on pics may require really
complex nerual network.
Recurrent Neural Network

Recommended for you

Recurrent Neural Network
Recurrent Neural Network
● Predicting the future is what we do all the time
○ Finishing a friend’s sentence
○ Anticipating the smell of coffee at the breakfast or
○ Catching the ball in the field
● In this chapter, we will cover RNN
○ Networks which can predict future
● Unlike all the nets we have discussed so far
○ RNN can work on sequences of arbitrary lengths
○ Rather than on fixed-sized inputs
Recurrent Neural Network
Recurrent Neural Network - Applications
● RNN can analyze time series data
○ Such as stock prices, and
○ Tell you when to buy or sell
Recurrent Neural Network
Recurrent Neural Network - Applications
● In autonomous driving systems, RNN can
○ Anticipate car trajectories and
○ Help avoid accidents
Recurrent Neural Network
Recurrent Neural Network - Applications
● RNN can take sentences, documents, or audio samples as input and
○ Make them extremely useful
○ For natural language processing (NLP) systems such as
■ Automatic translation
■ Speech-to-text or
■ Sentiment analysis

Recommended for you

Recurrent Neural Network
Recurrent Neural Network - Applications
● RNNs’ ability to anticipate also makes them capable of surprising creativity.
○ You can ask them to predict which are the most likely next notes in a
melody
○ Then randomly pick one of these notes and play it.
○ Then ask the net for the next most likely notes, play it, and repeat the
process again and again.
Here is an example melody produced by Google’s Magenta project
Recurrent Neural Network
Recurrent Neural Network
● In this chapter we will learn about
○ Fundamental concepts in RNNs
○ The main problem RNNs face
○ And the solution to the problems
○ How to implement RNNs
● Finally, we will take a look at the
○ Architecture of a machine translation system
Recurrent Neural Network
Recurrent Neurons
Recurrent Neural Network
Recurrent Neurons
● Up to now we have mostly looked at feedforward neural networks
○ Where the activations flow only in one direction
○ From the input layer to the output layer
● RNN looks much like a feedforward neural network
○ Except it also has connections pointing backward

Recommended for you

Recurrent Neural Network
Recurrent Neurons
● Let’s look at the simplest possible RNN
○ Composed of just one neuron receiving inputs
○ Producing an output, and
○ Sending that output back to itself
Input
Output
Sending output back to itself
Recurrent Neural Network
Recurrent Neurons
● At each time step t (also called a frame)
○ This recurrent neuron receives the inputs x(t)
○ As well as its own output from the previous time step y(t–1)
A recurrent neuron (left), unrolled through time (right)
Recurrent Neural Network
● For example, at the first
step the word “Je” may
have a probability of
20%, “Tu” may have a
probability of 1%, and so
on
● The word with the
highest probability is
output
Machine Translation
An Encoder–Decoder Network for Machine Translation
Reinforcement Learning
Learning to Optimize Rewards
Reinforcement Learning

Recommended for you

Reinforcement Learning
● In Reinforcement Learning
○ A software agent makes observations and
○ Takes actions within an environment and
○ In return it receives rewards
Learning to Optimize Rewards
Reinforcement Learning
Goal?
Learning to Optimize Rewards
Reinforcement Learning
Goal
Learn how to take actions in order to maximize
reward
Learning to Optimize Rewards
Reinforcement Learning
● In short, the agent acts in the environment and
○ Learns by trial and error to
○ Maximize its reward
Learning to Optimize Rewards

Recommended for you

Reinforcement Learning
So how can we apply this in real-life applications?
Learning to Optimize Rewards
Reinforcement Learning
Learning to Optimize Rewards - Walking Robot
Reinforcement Learning
● Agent - Program controlling a walking robot
● Environment - Real world
● The agent observes the environment through a set of sensors such as
○ Cameras and touch sensors
● Actions - Sending signals to activate motors
Learning to Optimize Rewards - Walking Robot
Reinforcement Learning
● It may be programmed to get
○ Positive rewards whenever it approaches the target destination and
○ Negative rewards whenever it
■ Wastes time
■ Goes in the wrong direction or
■ Falls down
Learning to Optimize Rewards - Walking Robot

Recommended for you

Reinforcement Learning
Learning to Optimize Rewards - Ms. Pac-Man
Reinforcement Learning
● Agent - Program controlling Ms. Pac-Man
● Environment - Simulation of the Atari game
● Actions - Nine possible joystick positions
● Observations - Screenshots
● Rewards - Game points
Learning to Optimize Rewards - Ms. Pac-Man
Reinforcement Learning
Learning to Optimize Rewards - Thermostat
Reinforcement Learning
● Agent - Thermostat
○ Please note, the agent does not have to control a
○ Physically (or virtually) moving thing
● Rewards -
○ Positive rewards whenever agent is close to the target temperature
○ Negative rewards when humans need to tweak the temperature
● Important - Agent must learn to anticipate human needs
Learning to Optimize Rewards - Thermostat

Recommended for you

Reinforcement Learning
Learning to Optimize Rewards - Auto Trader
Reinforcement Learning
● Agent -
○ Observes stock market prices and
○ Decide how much to buy or sell every second
● Rewards - The monetary gains and losses
Learning to Optimize Rewards - Auto Trader
Reinforcement Learning
● There are many other examples such as
○ Self-driving cars
○ Placing ads on a web page or
○ Controlling where an image classification system
■ Should focus its attention
Learning to Optimize Rewards
Reinforcement Learning
● Note that there may not be any positive rewards at all
● For example
○ The agent may move around in a maze
○ Getting a negative reward at every time step
○ So it better find the exit as quickly as possible
Learning to Optimize Rewards

Recommended for you

Reinforcement Learning
Policy Search
Reinforcement Learning
● The algorithm used by the software agent to
○ Determine its actions is called its policy
● For example, the policy could be a neural network
○ Taking observations as inputs and
○ Outputting the action to take
Policy Search
Machine Learning
Machine Learning - Who is Using?
Almost Everyone
Machine Learning
Google Translate & Auto Draw
More use cases: https://aiexperiments.withgoogle.com/

Recommended for you

Machine Learning
TensorFlow - Demo
http://playground.tensorflow.org/
Machine Learning
Deep Learning Frameworks
Machine Learning
Machine Learning Frameworks
MLlib - Distributed Simple
Machine Learning
Learn More?
Machine Learning Courses
Machine Learning
Specialization
Machine Learning

Recommended for you

Questions?
https://discuss.cloudxlab.com
reachus@cloudxlab.com

More Related Content

What's hot

Writing Smarter Applications with Machine Learning
Writing Smarter Applications with Machine LearningWriting Smarter Applications with Machine Learning
Writing Smarter Applications with Machine Learning
Anoop Thomas Mathew
 
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
 
Recommending for the World
Recommending for the WorldRecommending for the World
Recommending for the World
Yves Raimond
 
How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...
Dataconomy Media
 
DL Classe 0 - You can do it
DL Classe 0 - You can do itDL Classe 0 - You can do it
DL Classe 0 - You can do it
Gregory Renard
 
Approaches to teaching primary computing
Approaches to teaching primary computingApproaches to teaching primary computing
Approaches to teaching primary computing
JEcomputing
 
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
 
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Mustafa Ekim
 
A Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at NetflixA Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at Netflix
Jaya Kawale
 
Think machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanThink machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetan
Chetan Khatri
 
Paris ML meetup
Paris ML meetupParis ML meetup
Paris ML meetup
Yves Raimond
 
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
AI Frontiers
 
Everyday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday ApplicationsEveryday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday Applications
Benjamin Raethlein
 
New Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing SystemsNew Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing Systems
Andrejkovics Zoltán
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
Gangeshwar Krishnamurthy
 
Machine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora ExampleMachine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora Example
Xavier Amatriain
 

What's hot (17)

Writing Smarter Applications with Machine Learning
Writing Smarter Applications with Machine LearningWriting Smarter Applications with Machine Learning
Writing Smarter Applications with Machine Learning
 
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
 
Recommending for the World
Recommending for the WorldRecommending for the World
Recommending for the World
 
How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...How to build a perfect ML-based question answering model which doesn't work -...
How to build a perfect ML-based question answering model which doesn't work -...
 
DL Classe 0 - You can do it
DL Classe 0 - You can do itDL Classe 0 - You can do it
DL Classe 0 - You can do it
 
Approaches to teaching primary computing
Approaches to teaching primary computingApproaches to teaching primary computing
Approaches to teaching primary computing
 
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
 
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
Yenikod Yazılım Kursu - Kodlama Öğrenebilir Miyim? Kodlama Bana Göre Mi?
 
A Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at NetflixA Multi-Armed Bandit Framework For Recommendations at Netflix
A Multi-Armed Bandit Framework For Recommendations at Netflix
 
Think machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanThink machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetan
 
Paris ML meetup
Paris ML meetupParis ML meetup
Paris ML meetup
 
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
Training at AI Frontiers 2018 - Ni Lao: Weakly Supervised Natural Language Un...
 
Everyday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday ApplicationsEveryday Machine Intelligence For Your Everyday Applications
Everyday Machine Intelligence For Your Everyday Applications
 
New Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing SystemsNew Approaches at Natural Language Processing Systems
New Approaches at Natural Language Processing Systems
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
Machine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora ExampleMachine Learning for Q&A Sites: The Quora Example
Machine Learning for Q&A Sites: The Quora Example
 

Similar to Deep Learning Overview

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 basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali
Akanksha Bali
 
Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligence
ananth
 
Hr salary prediction using ml
Hr salary prediction using mlHr salary prediction using ml
Hr salary prediction using ml
shaiksafi1
 
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
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
pyingkodi maran
 
Artificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptxArtificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptx
honeydv1979
 
chapter1-introduction1.ppt
chapter1-introduction1.pptchapter1-introduction1.ppt
chapter1-introduction1.ppt
SeshuSrinivas2
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
Memi Beltrame
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity
Hendri Karisma
 
UNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptxUNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptx
KowsalyaG17
 
Hala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdfHala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdf
Samer Desouky
 
Machine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMachine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup Basel
Memi Beltrame
 
Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)
Chandrakant Divate
 
Deep learning
Deep learningDeep learning
Deep learning
AnimaSinghDhabal
 
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdaptAI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt
DigiMarCon - Digital Marketing, Media and Advertising Conferences & Exhibitions
 
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNINGINTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
sowmyamPSGRKCW
 
Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1
Amruta Aphale
 

Similar to Deep Learning Overview (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 basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali
 
Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligence
 
Hr salary prediction using ml
Hr salary prediction using mlHr salary prediction using ml
Hr salary prediction using ml
 
Machine Learning for Designers - UX Scotland
Machine Learning for Designers - UX ScotlandMachine Learning for Designers - UX Scotland
Machine Learning for Designers - UX Scotland
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
 
Artificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptxArtificial Intteligence-unit 1.pptx
Artificial Intteligence-unit 1.pptx
 
chapter1-introduction1.ppt
chapter1-introduction1.pptchapter1-introduction1.ppt
chapter1-introduction1.ppt
 
Machine Learning for Designers
Machine Learning for DesignersMachine Learning for Designers
Machine Learning for Designers
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity
 
UNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptxUNIT III SUPERVISED LEARNING.pptx
UNIT III SUPERVISED LEARNING.pptx
 
Hala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdfHala GPT - Samer Desouky.pdf
Hala GPT - Samer Desouky.pdf
 
Machine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMachine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup Basel
 
Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)
 
Deep learning
Deep learningDeep learning
Deep learning
 
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdaptAI & Programmatic Advertising Master Class - Yang Han, StackAdapt
AI & Programmatic Advertising Master Class - Yang Han, StackAdapt
 
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNINGINTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
INTRODUCTION TO ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
 
Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1Machine Learning SPPU Unit 1
Machine Learning SPPU Unit 1
 

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

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
 
Implementations of Fused Deposition Modeling in real world
Implementations of Fused Deposition Modeling  in real worldImplementations of Fused Deposition Modeling  in real world
Implementations of Fused Deposition Modeling in real world
Emerging Tech
 
Best Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.pdfBest Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.pdf
Tatiana Al-Chueyr
 
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
 
Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...
BookNet Canada
 
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
 
Comparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdfComparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdf
Andrey Yasko
 
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-InTrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc
 
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdfWhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
ArgaBisma
 
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
 
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdfINDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf
jackson110191
 
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Erasmo Purificato
 
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
 
find out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challengesfind out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challenges
huseindihon
 
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALLBLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
Liveplex
 
WPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide DeckWPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide Deck
Lidia A.
 
Observability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetryObservability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetry
Eric D. Schabell
 
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Chris Swan
 
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
 
Measuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at TwitterMeasuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at Twitter
ScyllaDB
 

Recently uploaded (20)

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
 
Implementations of Fused Deposition Modeling in real world
Implementations of Fused Deposition Modeling  in real worldImplementations of Fused Deposition Modeling  in real world
Implementations of Fused Deposition Modeling in real world
 
Best Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.pdfBest Practices for Effectively Running dbt in Airflow.pdf
Best Practices for Effectively Running dbt in Airflow.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
 
Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...Transcript: Details of description part II: Describing images in practice - T...
Transcript: Details of description part II: Describing images in practice - T...
 
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...
 
Comparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdfComparison Table of DiskWarrior Alternatives.pdf
Comparison Table of DiskWarrior Alternatives.pdf
 
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-InTrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
TrustArc Webinar - 2024 Data Privacy Trends: A Mid-Year Check-In
 
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdfWhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
WhatsApp Image 2024-03-27 at 08.19.52_bfd93109.pdf
 
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
 
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdfINDIAN AIR FORCE FIGHTER PLANES LIST.pdf
INDIAN AIR FORCE FIGHTER PLANES LIST.pdf
 
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
Paradigm Shifts in User Modeling: A Journey from Historical Foundations to Em...
 
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
 
find out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challengesfind out more about the role of autonomous vehicles in facing global challenges
find out more about the role of autonomous vehicles in facing global challenges
 
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALLBLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
BLOCKCHAIN FOR DUMMIES: GUIDEBOOK FOR ALL
 
WPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide DeckWPRiders Company Presentation Slide Deck
WPRiders Company Presentation Slide Deck
 
Observability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetryObservability For You and Me with OpenTelemetry
Observability For You and Me with OpenTelemetry
 
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
Fluttercon 2024: Showing that you care about security - OpenSSF Scorecards fo...
 
20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf20240702 Présentation Plateforme GenAI.pdf
20240702 Présentation Plateforme GenAI.pdf
 
Measuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at TwitterMeasuring the Impact of Network Latency at Twitter
Measuring the Impact of Network Latency at Twitter
 

Deep Learning Overview

  • 1. Agenda 1. Introduction to Basic Terms and how they fit together: ○ AI, Big Data, Machine Learning, Deep Learning, ○ IOT, Neural Networks 2. Brief overview of use case of Deep Learning 3. How to Approach a Deep Learning Problem: ○ How to approach? ○ Which Tools? ○ Which Algorithms? 4. Questions & Answers
  • 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
  • 9. Machine Learning with Python - Scikit Learn Course Objective
  • 10. Course Instructor Sandeep Giri Worked On Large Scale Computing Graduated from IIT Roorkee Software Engineer Loves Explaining Technologies Founder
  • 11. Machine Learning What Is Machine Learning? Field of study that gives "computers the ability to learn without being explicitly programmed" -- Arthur Samuel, 1959
  • 12. Machine Learning What Is Machine Learning? Let us understand it with real use case...
  • 13. Machine Learning Have You Played Mario? How much time did it take you to learn & win the princess?
  • 14. Machine Learning Have You Played Mario? Did Anyone teach you?
  • 15. Machine Learning How About Automating it?
  • 16. Machine Learning How About Automating it? • Program Learns to Play Mario
  • 17. Machine Learning How About Automating it? • Program Learns to Play Mario • Observes the game & pressed keys
  • 18. Machine Learning How About Automating it? • Program Learns to Play Mario • Observes the game & pressed keys • Maximises Score
  • 19. Machine Learning How About Automating it?
  • 20. Machine Learning How About Automating it? ● So, the program learnt to play ○ Mario ○ And Other games ○ Without any programming
  • 21. Machine 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. Machine 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. Machine Learning Gather data and automatically solve problems Imagine Doing The Same For Life
  • 24. Machine Learning The Machine Learning Tsunami - 1 ● Self driving cars on the roads
  • 25. Machine Learning The Machine Learning Tsunami - 2 ● Netflix movies recommendations
  • 26. Machine Learning The Machine Learning Tsunami - 3 ● Amazon product recommendations
  • 27. Machine Learning The Machine Learning Tsunami - 4 ● Accurate results in Google Search
  • 28. Machine Learning The Machine Learning Tsunami - 5 ● Speech recognition in your smartphone
  • 29. Machine Learning Question What do we need to ● Gather Data ● And automatically solving the problem? IntelligenceData +
  • 30. Machine Learning Collect Data or Take Actions - IOT Phone & Devices Cheaper, faster and smaller Connectivity Wifi, 4G, NFC, GPS
  • 31. Machine Learning Intelligence - Traditional vs ML. How you would write a spam filter?
  • 32. Machine Learning Intelligence - Spam Filter - Traditional Approach 21 3
  • 33. Machine Learning Intelligence - Spam Filter - Traditional Approach Problems?
  • 34. Machine 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?
  • 35. Machine Learning Intelligence - Spam Filter - ML Approach
  • 36. Machine Learning Intelligence - Spam Filter - ML 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
  • 37. Machine Learning Intelligence - Spam Filter - ML Approach ● Unlike traditional approach, ML techniques automatically notice that ○ “For U” has become unusually frequent in spam flagged by users and ○ It starts flagging them without our intervention
  • 38. Machine Learning Intelligence - Spam Filter - ML Approach Can help humans learn ● ML 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
  • 39. Machine Learning Intelligence - Spam Filter - ML Approach Can help humans learn
  • 40. Machine Learning What is AI? Artificial intelligence (AI): The intelligence exhibited by machines
  • 41. Machine Learning What is AI? • The theory and development of computer systems
  • 42. Machine Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as
  • 43. Machine Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception
  • 44. Machine Learning What is AI? • The theory and development of computer systems • To perform tasks requiring human intelligence such as • Visual perception • Speech Recognition
  • 45. Machine 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
  • 46. Machine 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
  • 47. Machine 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
  • 48. Machine Learning Sub-objectives of AI Artificial Intelligence Natural language processing Navigate Represent Knowledge ReasoningPerception
  • 49. Machine 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
  • 50. Machine Learning AI - Reasoning • Play puzzle game - Chess, Go, Mario • Prove Geometry theorems • Diagnose diseases
  • 51. Machine 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?
  • 52. Machine Learning AI - Natural Language Processing • How to speak a language • How to understand a language • How to make sense out of a sentence
  • 53. Machine Learning AI - Perception • How to we see things in the real world • From sound, sight, touch, smell
  • 54. Machine Learning AI - Generalised Intelligence • With these previous building blocks, the following should emerge: • Emotional Intelligence • Creativity • Reasoning • Intuition
  • 55. Machine Learning AI - How to Achieve Artificial Intelligence Machine Learning Rule Based Systems Expert System Domain Specific Computing Robotics Deep Learning
  • 56. Machine Learning AI - How to Achieve Artificial Intelligence Machine Learning Rule Based Systems Expert System Domain Specific Computing Robotics Deep LearningWe will focus here.
  • 57. Machine Learning Machine Learning - Types Human Supervision? Machine Learning How they generalize? Learn Incrementally?
  • 58. Machine Learning Machine Learning - Types Human Supervision? Machine Learning How they generalize? Learn Incrementally?
  • 59. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement How they generalize? Learn Incrementally?
  • 60. Machine Learning Machine Learning - Supervised Learning Whether or not models are trained with human supervision
  • 61. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression How they generalize? Learn Incrementally?
  • 62. Machine 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
  • 63. Machine 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
  • 64. Machine Learning Machine Learning - Supervised Learning Regression - Predict the price of the car (Value)
  • 65. Machine 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)
  • 66. Machine Learning Machine Learning - Gradient Descent • Instead of trying all lines, go into the direction yielding better results
  • 67. Machine 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
  • 68. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression How they generalize? Learn Incrementally?
  • 69. Machine Learning Machine Learning - Unsupervised Learning ● The training data is unlabeled ● The system tries to learn without a teacher
  • 70. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering How they generalize? Learn Incrementally?
  • 71. Machine Learning Machine Learning - Unsupervised Learning Clustering - Detect group of similar visitors in your blog
  • 72. Machine 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
  • 73. Machine 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
  • 74. Machine Learning Machine Learning - Unsupervised Learning • In the form of a tree • Nodes closer to each other are similar Hierarchical Clustering - Bring similar elements together
  • 75. Machine Learning Machine Learning - Unsupervised Learning Anomaly Detection - Detecting unusual credit card transactions to prevent fraud
  • 76. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering How they generalize? Learn Incrementally?
  • 77. Machine Learning Machine Learning - Reinforcement Learning
  • 78. Machine Learning Machine 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
  • 79. Machine Learning Machine 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
  • 80. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering Batch Processing How they generalize? Learn Incrementally? Online
  • 82. Machine Learning Machine Learning - Batch Learning ● Offline learning ● System is incapable of learning incrementally ○ It must be trained offline using all the available data ● Takes lot of time and computing resources ○ everytime training happens on the entire data
  • 83. Machine Learning Machine Learning - Batch Learning ● Once the system is trained, it gets ○ Pushed to production ○ Runs without learning anymore ○ Just applies what it has learned offline
  • 85. Machine Learning Machine Learning - Types Human Supervision? Supervised Machine Learning Unsupervised Reinforcement Classification Regression Clustering Batch Processing How they generalize? Model based Learn Incrementally? Online Instance Based
  • 86. Machine Learning Machine Learning - Instance-based Learning
  • 87. Machine Learning Machine Learning - Instance-Based Learning ● Most trivial form of learning is ○ Learn by heart ● The system learns the examples by heart ● Then generalizes to new cases using a similarity measure
  • 88. Machine Learning Machine Learning - Instance-Based Learning Example ● Spam filter flags emails ○ That are identical to known spam emails (emails marked spam by users) ○ Also the emails which are similar to known spam emails ○ This requires measure of similarity between two emails ○ A basic similarity measures between two emails can be ■ Count the number of words they have in common
  • 89. Machine Learning Machine Learning - Model-based Learning
  • 90. Machine Learning Machine Learning - Model-Based Learning ● Another way to generalize from a set of examples ○ Build a model of these examples ○ And then use model to make predictions ○ This is called inference ○ Hope that model will generalize well ○ We will learn more about it in next session
  • 91. Machine Learning Machine Learning - Artificial Neural Network(ANN) Computing systems inspired by the biological neural networks that constitute animal brains.
  • 92. Machine Learning Machine 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?
  • 93. Machine Learning Machine Learning - Deep Learning Each Neuron Hot Water Cold Water Each Neuron is like the knob.
  • 94. Machine Learning Machine Learning - Deep Learning Each Neuron Hot Water Cold Water Each Neuron is like the knob. Soap
  • 95. Machine Learning Deep Learning Each Neuron Hot Water Cold Water What if there are many more parameters? So, physical input is conceptual input. Soap Person - Male/Female Climate?
  • 96. Machine Learning Deep Learning Each Neuron Hot Water Cold Water We can construct many architectures…. Soap Person - Male/Female Climate?
  • 99. Convolutional Neural Network Convolutional Neural Network ● Although in 1996 ○ IBM’s Deep Blue supercomputer ○ Beat the chess world champion Garry Kasparov
  • 100. Convolutional Neural Network Convolutional Neural Network ● Yet computers were unable to do trivial tasks such as ○ Detecting a puppy in a picture or ○ Recognizing spoken words ○ Until quite recently
  • 101. Convolutional Neural Network Convolutional Neural Network ● Convolutional neural networks (CNNs) emerged ○ From the study of the brain’s visual cortex, and ○ They have been used in image recognition since the 1980s.
  • 102. Convolutional Neural Network Convolutional Neural Network ● In the last few years ○ CNNs have managed to achieve superhuman performance ○ On some complex visual tasks ● And all this was possible because of ○ Increase in computational power ○ The amount of available training data ○ And the tricks presented in last chapter on training deep neural nets
  • 103. Convolutional Neural Network Convolutional Neural Network ● Today CNNs power ○ Image search services ○ Self-driving cars ○ Automatic video classification systems ○ Voice recognition and ○ Natural language processing - NLP
  • 104. Convolutional Neural Network Convolutional Neural Network ● In this chapter we will present ○ Where CNNs came from ○ What their building blocks looks like and ○ How to implement them using TensorFlow ● Then we will present some of the best CNN architectures
  • 105. Convolutional Neural Network Convolutional Neural Network The Architecture of the Visual Cortex
  • 106. Convolutional Neural Network Convolutional Neural Network ● In 1958 and 1959, David H. Hubel and Torsten Wiesel ○ Performed a series of experiments on cats and ○ Later on monkeys ● Their experiments gave crucial insights on the ○ Structure of the visual cortex ● They showed that many neurons in the visual cortex ○ Have a small local receptive field ○ Meaning they react only to ○ Visual stimuli located in a limited region of the visual field
  • 107. Convolutional Neural Network Convolutional Neural Network Local receptive fields in the visual cortex
  • 108. Convolutional Neural Network Convolutional Neural Network Question Why not simply use a regular deep network with fully connected layers for image recognition tasks?
  • 109. Convolutional Neural Network Convolutional Neural Network Answer ● Deep neural network work fine for small images such as MNIST ● But they break for larger images because of ○ Huge number of parameters ● For example ○ A 100x100 image has 10,000 pixels ○ If the first layer has 1,000 neurons (which is a very small number) ○ This means a total of 10 million connections, that too in first layer ○ This will require a lot of computing power ● CNNs solve this problem by using partially connected layers
  • 110. Convolutional Neural Network Convolutional Neural Network Convolutional Layer
  • 111. Convolutional Neural Network ● It is the most important building block of a CNN ● Neurons in the first convolutional layer are not connected to every single pixel in the input image , but only to pixels in their receptive fields Convolutional Layer
  • 112. Convolutional Neural Network ● In turn, each neuron in the second convolutional layer is connected only to neurons located within a small rectangle in the first layer. ● This architecture allows the network to concentrate on low-level features in the first hidden layer, then assemble them into higher-level features in the next hidden layer, and so on. Convolutional Layer
  • 113. Convolutional Neural Network ● This hierarchical structure is common in real-world images, which is one of the reasons why CNNs work so well for image recognition. Convolutional Layer
  • 114. Convolutional Neural Network Convolutional Layer Stride This figure shows how the layers of CNN are formed
  • 115. Convolutional Neural Network CNN Architectures Distinguishing dog Breeds based on pics may require really complex nerual network.
  • 117. Recurrent Neural Network Recurrent Neural Network ● Predicting the future is what we do all the time ○ Finishing a friend’s sentence ○ Anticipating the smell of coffee at the breakfast or ○ Catching the ball in the field ● In this chapter, we will cover RNN ○ Networks which can predict future ● Unlike all the nets we have discussed so far ○ RNN can work on sequences of arbitrary lengths ○ Rather than on fixed-sized inputs
  • 118. Recurrent Neural Network Recurrent Neural Network - Applications ● RNN can analyze time series data ○ Such as stock prices, and ○ Tell you when to buy or sell
  • 119. Recurrent Neural Network Recurrent Neural Network - Applications ● In autonomous driving systems, RNN can ○ Anticipate car trajectories and ○ Help avoid accidents
  • 120. Recurrent Neural Network Recurrent Neural Network - Applications ● RNN can take sentences, documents, or audio samples as input and ○ Make them extremely useful ○ For natural language processing (NLP) systems such as ■ Automatic translation ■ Speech-to-text or ■ Sentiment analysis
  • 121. Recurrent Neural Network Recurrent Neural Network - Applications ● RNNs’ ability to anticipate also makes them capable of surprising creativity. ○ You can ask them to predict which are the most likely next notes in a melody ○ Then randomly pick one of these notes and play it. ○ Then ask the net for the next most likely notes, play it, and repeat the process again and again. Here is an example melody produced by Google’s Magenta project
  • 122. Recurrent Neural Network Recurrent Neural Network ● In this chapter we will learn about ○ Fundamental concepts in RNNs ○ The main problem RNNs face ○ And the solution to the problems ○ How to implement RNNs ● Finally, we will take a look at the ○ Architecture of a machine translation system
  • 124. Recurrent Neural Network Recurrent Neurons ● Up to now we have mostly looked at feedforward neural networks ○ Where the activations flow only in one direction ○ From the input layer to the output layer ● RNN looks much like a feedforward neural network ○ Except it also has connections pointing backward
  • 125. Recurrent Neural Network Recurrent Neurons ● Let’s look at the simplest possible RNN ○ Composed of just one neuron receiving inputs ○ Producing an output, and ○ Sending that output back to itself Input Output Sending output back to itself
  • 126. Recurrent Neural Network Recurrent Neurons ● At each time step t (also called a frame) ○ This recurrent neuron receives the inputs x(t) ○ As well as its own output from the previous time step y(t–1) A recurrent neuron (left), unrolled through time (right)
  • 127. Recurrent Neural Network ● For example, at the first step the word “Je” may have a probability of 20%, “Tu” may have a probability of 1%, and so on ● The word with the highest probability is output Machine Translation An Encoder–Decoder Network for Machine Translation
  • 128. Reinforcement Learning Learning to Optimize Rewards Reinforcement Learning
  • 129. Reinforcement Learning ● In Reinforcement Learning ○ A software agent makes observations and ○ Takes actions within an environment and ○ In return it receives rewards Learning to Optimize Rewards
  • 131. Reinforcement Learning Goal Learn how to take actions in order to maximize reward Learning to Optimize Rewards
  • 132. Reinforcement Learning ● In short, the agent acts in the environment and ○ Learns by trial and error to ○ Maximize its reward Learning to Optimize Rewards
  • 133. Reinforcement Learning So how can we apply this in real-life applications? Learning to Optimize Rewards
  • 134. Reinforcement Learning Learning to Optimize Rewards - Walking Robot
  • 135. Reinforcement Learning ● Agent - Program controlling a walking robot ● Environment - Real world ● The agent observes the environment through a set of sensors such as ○ Cameras and touch sensors ● Actions - Sending signals to activate motors Learning to Optimize Rewards - Walking Robot
  • 136. Reinforcement Learning ● It may be programmed to get ○ Positive rewards whenever it approaches the target destination and ○ Negative rewards whenever it ■ Wastes time ■ Goes in the wrong direction or ■ Falls down Learning to Optimize Rewards - Walking Robot
  • 137. Reinforcement Learning Learning to Optimize Rewards - Ms. Pac-Man
  • 138. Reinforcement Learning ● Agent - Program controlling Ms. Pac-Man ● Environment - Simulation of the Atari game ● Actions - Nine possible joystick positions ● Observations - Screenshots ● Rewards - Game points Learning to Optimize Rewards - Ms. Pac-Man
  • 139. Reinforcement Learning Learning to Optimize Rewards - Thermostat
  • 140. Reinforcement Learning ● Agent - Thermostat ○ Please note, the agent does not have to control a ○ Physically (or virtually) moving thing ● Rewards - ○ Positive rewards whenever agent is close to the target temperature ○ Negative rewards when humans need to tweak the temperature ● Important - Agent must learn to anticipate human needs Learning to Optimize Rewards - Thermostat
  • 141. Reinforcement Learning Learning to Optimize Rewards - Auto Trader
  • 142. Reinforcement Learning ● Agent - ○ Observes stock market prices and ○ Decide how much to buy or sell every second ● Rewards - The monetary gains and losses Learning to Optimize Rewards - Auto Trader
  • 143. Reinforcement Learning ● There are many other examples such as ○ Self-driving cars ○ Placing ads on a web page or ○ Controlling where an image classification system ■ Should focus its attention Learning to Optimize Rewards
  • 144. Reinforcement Learning ● Note that there may not be any positive rewards at all ● For example ○ The agent may move around in a maze ○ Getting a negative reward at every time step ○ So it better find the exit as quickly as possible Learning to Optimize Rewards
  • 146. Reinforcement Learning ● The algorithm used by the software agent to ○ Determine its actions is called its policy ● For example, the policy could be a neural network ○ Taking observations as inputs and ○ Outputting the action to take Policy Search
  • 147. Machine Learning Machine Learning - Who is Using? Almost Everyone
  • 148. Machine Learning Google Translate & Auto Draw More use cases: https://aiexperiments.withgoogle.com/
  • 149. Machine Learning TensorFlow - Demo http://playground.tensorflow.org/
  • 151. Machine Learning Machine Learning Frameworks MLlib - Distributed Simple
  • 152. Machine Learning Learn More? Machine Learning Courses Machine Learning Specialization Machine Learning