SlideShare ist ein Scribd-Unternehmen logo
1 von 33
Š 2020 MUST India
Gopi Krishna Nuti
MS, MBA
Vice President
MUST Research
ngopikrishna@gmail.com, vp@must.co.in
+91-9036005121
Emerging Trends in Artificial Intelligence
Mar 2021
Š 2021 MUST Research
• Humble Origins
• Grand dreams
• Painful reality (twice) a.k.a AI Winters
• Early adopters
• Marketing Hype (So far)
• Mainstay of life (Future)
• Maturity (Far out)
Artificial Intelligence
Š 2021 MUST Research
• Deep Learning is taking over
• Explainability of Deep learning
• Commoditization of AI
• AI on the edge
• Exploitation using AI
• Frauds
• Standards
• Expansion of job opportunities because of AI
Trends
Š 2021 MUST Research
• 1950 - Alan Turing, Turing Test
• 1951 - Christopher Strachey, first successful AI program to play Checkers
• 1952 - Anthony Oettinger, Shopper – first machine learning program using rote learning.
• 1954 - Belmont Farley and Wesley Clark of MIT, first Artificial Neural Network
• 1956 - John McCarthy coined the term AI
• 1956-1974 – Golden years. Lot of funding
• 1974-1980 – First AI winter
• 1980-1987 – Boom
• 1987-1993 – Second AI Winter
• 1993 – 2011- Improvements
• 11-May-1997 : Deep blue beats Garry Kasparov
• Mostly behind the scenes
• 2011 – present
• Deep learning, Artificial General Intelligence
• Narrow AI, Weak AI, Strong AI
• Narrow Ai – Siri, Cortana, Google Assistant etc. Most of the personal assistants, chatbots etc we see today
Road so far
Š 2021 MUST Research
• Sophia
• social humanoid robot developed by Hong Kong-based company
Hanson Robotics.
• First robot to receive citizenship
• First non-human to receive a title from UNO (Innovation
Champion)
Marketing Hype
Š 2021 MUST Research
Reality
It is "not ideal" that some think of Sophia as
having human-equivalent intelligence
- Ben Goertzel, Chief Scientist who built Sophia
A chatbot with a face
- Expert review of Sophia
Sophia is complete bullshit
- Yann LeCun,
Winner of Turing Award, Godfather of Deep Learning
Š 2021 MUST Research
• Narrow AI -AI algorithms applied for a specific problem.
• Deepface – 2015 – Facebook’s Face recognition algorithm
• Resnet, Inception, YOLO – Image classification, localization etc
• GPT2, GPT3 – Content generation
• Weak AI
• No clarity on what this is
• Strong AI – Artificial General Intelligence
• Very much in a research stage
So Where is everything at?
Š 2021 MUST Research
Select milestones
•Linear
Regression
1805
•Neural
Networks
1943 •K-NN
1951
•Perceptron
•Logistic
Regression
1958 •Support
Vector
Machine
1963
•K-Means
Clustering
1967 •Decision
Trees
1968
•RNN
1986 •LeNet
1990
•Random
Forest
1995 •LSTM
1997
•GANs
2014
Supervised Learning
- Regression
Supervised Learning
- Classification
Neural Networks and
Deep Learning
Unsupervised
Learning Content creation
Š 2021 MUST Research
Select milestones
Year Caption
1805 Least Square
1812 Bayes' Theorem
1913 Markov Chains
1950 Turing's Learning Machine
1951 First Neural Network Machine
1952 Machines Playing Checkers
1957 Perceptron
1967 Nearest Neighbor
1970 Automatic Differentiation (Backpropagation)
1976 Transfer Learning
1982 Recurrent Neural Network
1986 Backpropagation
1989 Reinforcement Learning
1995 Random Forest Algorithm
1995 Support Vector Machines
1997 LSTM
2005 RankNet
Year Caption
2014 Leap in Face Recognition
2014 Sibyl
2014 XgBoost
2014 GANs
2014 Regions with CNN features
2015 Fast R-CNN and Faster R-CNN, Inception V3
2016 YOLO, SSD
2017 Google AI – Attention is all you need
2018 ULMfit fast.ai
2018 BERT
2019 Stanford NLP
2019 Open AI GPT2
2020 Open AI GPT3 beta
Š 2021 MUST Research
Current Growth
Š 2021 MUST Research
• Third Generation Neural Networks – Spiking networks
• Ranknet – Deep learning based implementation for Learning to Rank (Not too recent)
• Transfer Learning along with CNNs (relatively recent)
• Generative AI (quite recent)
(Some) New algorithms
Š 2021 MUST Research
• Considered a natural successor to current Artificial Neural Networks
• More closely resemble the brain’s synapses and biological function.
• Theoretically, more powerful than the current 2nd generation networks
Spiking Neural Networks
Artificial Neural Networks Spiking Neural Networks
Neurons are fully connected Neurons are spatially locally connected (similar to CNNs)
Neuron outputs a continuous value Neuron outputs a discrete value yes/no
Every neuron fires every time during propagation • Neuron fires only when its value reaches a pre-set threshold
(similar to ReLU activation function)
• Until the threshold is not met, incoming synapses either
increase or decrease the value (membrane potential)
• Once the neuron fires, its value is reset
Sigmoid, ReLU, Leaky ReLU are commonly used activation
functions
• Leaky Integrate and Fire (LIF) model
Loss function is differentiable entirely. For single layer
networks, cost function needs to be convex
Loss function is not differentiable. So, Cost function is not
necessarily convex
Š 2021 MUST Research
• Machine Learning to Rank
• Another branch of Supervised Learning (in addition to Regression and Classification)
• Idea first took shape in 1989
• Ranknet
• Developed by Microsoft in 2005 and used by Bing
• Won “ICML’s Test of Time” award in 2015
• Application in
• Information retrieval (combined with NLP)
• Decision making
• Recommender Systems
• Please see more details at https://www.slideshare.net/gopikrishnanuti/classification-vis-avis-ranking-gopi
Ranknet
Š 2021 MUST Research
• Subfield of ML and AI
• Applies knowledge gained from one task to another similar task.
• Avoids having to reinvent the wheel
• Example:
• Knowledge gained in analysing sentiment of movie review text can be used for analysing sentiments of
consumer electronics product review
• Knowledge gained in identifying birds in a photo can be used for identifying cars
• Ideated in 1993 by Lorien Pratt
• Need a pretrained model and dataset of our requirement. The model is repurposed for our dataset.
• Allowed major strides in computer vision and NLP
• Example:
• InceptionV3 is image classification model trained on ImageNet. This has been repurposed to identify Diabetic
Retinopathy in medical images of eyes.
Transfer Learning
Š 2021 MUST Research
• Traditional - Market Research, Finance, Engineering, Education, Medicine, Astronomy
• New Domains
• Robotic Process Automation
• Warfare and Defence - Drones, Quadcopters
• Cyber security – Filtering content, identifying attack vectors, Threat exposure, incident response etc.
• Media and Entertainment - Deep fakes, GANs, Deep Nostalgia
• Advertising and Marketing- Mass Customization
• Hybrid Workforce
• Sub disciplines
• ML Ops
Newer Domains
Š 2021 MUST Research
Gartner’s AI Hype Cycle for 2020
Image courtesy Gartner.com
Š 2021 MUST Research
AI Market places
• A multi-sided-platform where AI providers and sellers can exchange services. NB: Seller is not the Cloud
provider!!!
• Clever blend of PaaS & SaaS. Can be thought of as Algorithm as a Service
• Build an AI algorithm for a specific use case. Sell it for a license on top of cloud Services.
• Examples
• AWS Marketplace
• Azure Marketplace
Š 2021 MUST Research
AI Marketplace examples
Demonstration of the Mask Detector for Epidemiological Safety by Vitech Lab.
Picture courtesy Sandro Luck
Demonstration of the Vehicle Damage Inspection developed by Persistent on
Amazon Market Place
Š 2021 MUST Research
• Anything is game
• AI models
• Datasets
• Data pipeline management
• ML Ops
AI Marketplace examples
GluonCV YOLOv3 Object Detector
By: Amazon Web Services YOLOv3 is a powerful network for fast and
accurate object detection, powered by GluonCV.
Emotion Analysis API
Sold by:Twinword Inc.
Deep Vision API
Sold by:Deep Vision AI, Inc
Deep Vision API is a computer vision platform allowing you to easily
integrate AI-based technology into your products, services and
applications. You can automatically understand and analyze images and
videos.Pay directly from your AWS account, quick and seamless
integration with your AWS workflow.
Š 2021 MUST Research
AI Services Commoditization
Image courtesy : Gartner.com
Š 2021 MUST Research
• ML algorithms are run on the hardware device/sensor itself.
• This is in direct contrast to cloud/server based processing of data.
• Processing of data happens close to the user.
• Can be on IoT senser or dedicated Edge Server
• Benefits
• Latency time is reduced my many orders of magnitude
• CapEx and OpEx costs are reduced significantly
• Increased data privacy and security
• Examples
• Alexa, Google Assistant,
• Self driving cars
• Edge AI Camera from Avinton, VIA Mobile360 Dash Cam
Edge AI
Š 2021 MUST Research
• Originally thought of as unrelated/competing technologies
• Now complementing one another
• Robotic Process Automation uses specially developed programs to automate repeatable business processes. There
is no learning. Repeats the same set of actions every time.
• Great for automating simple tasks.
• Typically, suitable for structured data
• For complex tasks, AI comes handy because
• Learns from data/past
• Handles unstructured data
Robotic Process Automation and AI
Š 2021 MUST Research
Scenario : A TV program asks the audience “Which candidate do you support?
Send your answer as SMS to 56789 in the next 2 minutes”
RPA only:
SMS MUST be in the below format –
SMALLBOSS <your mobile number> <your name> <candidate name> <your date of
birth> <candidate id> <your village> <your parrot name>
RPA + AI
Details can be in any sequence and some details can perhaps be skipped too
RPA and AI – Over simplified example
Š 2021 MUST Research
• Automation Anywhere released IQBot in 2019
• Could read low resolution documents and read 190 languages
• Blue Prism released Cogito
• Offers NLP and ML algorithms
• UiPath released Intelligent Automation
• NLP and Computer Vision
RPA and AI – real examples
Š 2021 MUST Research
• Specialized hardware to accelerate the processing of AI algorithms particularly, Deep Neural Networks
• GPUs
• Nvidia, Intel
 Vision Processing Units
• Intel Neural Computing Stick, Qualcomm Snapdragon
 Tensor Processing Units
 FPGAs and ASICs
 Special Purpose programming languages
 CUDA, OpenCL
 OpenVino Kit from Intel, SNPE SDK from Qualcomm
 For more details, please refer to https://www.slideshare.net/gopikrishnanuti/inferene-trends-in-industry
GPU Accelerators
Š 2021 MUST Research
Multi-media and Entertainment
https://www.youtube.com/watch?v=cQ54GDm1eL0&t=1s
https://www.youtube.com/watch?v=4GdWD0yxvqw&t=2s
Š 2021 MUST Research
Multi-media and Entertainment
https://www.youtube.com/watch?v=JSEdBNslGOk https://www.youtube.com/watch?v=251pfVoGBUA&t=1s
Š 2021 MUST Research
• Natural Language Processing
• Natural Language Understanding
NLP
•Breakthrough in Language Translation
•seq2seq models
•Transformer
Google AI - 2017
•Transfer learning introduced to NLP
ULMFiT fast.ai 2018
•Uses both Transformers and Transfer learning
•State of the art for 11 NLP tasks
•Pre-trained on English Wikipedia with 2.5 billion words
•Upgraded to RoBERTa by facebook in July 2019
BERT Google AI 2018
•Python NLP package
•Pre-trained neural models for 53 languages
•Replaced by Stanza also from Stanford supporting 66 languages
Stanford NLP – Jan 2019
•State of the art for Text Generation
•GPT3 is out in beta in June 2020. Rave reviews
Open AI GPT2 – Feb 2019
•State of the art models made available on Torch and with Python bindings
PyTorch Transformers from Hugging
face – July 2019
Š 2021 MUST Research
• For a topic-wise review on Computer Vision and recent trends, please visit
https://www.slideshare.net/gopikrishnanuti/computer-vision-old-problems-new-solutions
Computer Vision
• Used selective search
• Very slow and complicated
2014 – Regions with CNN features
• Designed to solve problems with R-CNN
2015 – Fast R-CNN, Faster R-CNN from
Microsoft
• Image classification with very deep network
2015 – Inception from Google
• You Only Look Once
• Object Localization
• Significantly fast and a radically different approach.
2016 – YOLO
• Faster and more accurate than YOLO
2016 - SSD
• Mask R-CNN
• Pixelwise Instance Segmentation
2017
Š 2021 MUST Research
Some stunning implementations
https://www.youtube.com/watch?v=uhND7Mvp3f4 https://www.youtube.com/watch?v=bs9Lm3ss39o
Š 2021 MUST Research
MUST Research
MUST Research is dedicated to promote excellence and competence in the field of data science, cognitive computing, artificial intelligence,
machine learning, advanced analytics for the benefit of the mankind - it’s a must.
Our vision is to build an ecosystem that enables interaction between academia and enterprise, help them in resolving problems and make them
aware of the latest developments in the cognitive era to provide solutions, guidance or training, organize lectures, seminars and workshops,
collaborate on scientific programs and societal missions.
• India’s largest AI community with 500+ data scientists
• Award winning robots – Softie built in collaboration with Microsoft®
https://www.youtube.com/watch?v=jQ8Gq2HWxiA
• Multiple demonstrations of our robots MUSTie and MUSTani
https://www.youtube.com/watch?v=AewM3TsjoBk
• Letter of appreciation from Govt of Telangana for our contributions
Š 2021 MUST Research
MUST Research – Our publications
• A book introducing Machine Learning from basics through Supervised and
Unsupervised learning for beginners
https://www.amazon.in/Machine-Learning-Engineers-Gopi-
Krishna/dp/9389024870/ref=sr_1_2?dchild=1&keywords=machine+learning+for
+engineers&qid=1616195333&sr=8-2
• Multiple research papers and publications
Š 2020 MUST India
Gopi Krishna Nuti
Vice President
MUST Research
Thanks

Weitere ähnliche Inhalte

Was ist angesagt?

Was ist angesagt? (20)

Machine Learning 2 deep Learning: An Intro
Machine Learning 2 deep Learning: An IntroMachine Learning 2 deep Learning: An Intro
Machine Learning 2 deep Learning: An Intro
 
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
Machine Learning for dummies!
Machine Learning for dummies!Machine Learning for dummies!
Machine Learning for dummies!
 
Towards a Comprehensive Machine Learning Benchmark
Towards a Comprehensive Machine Learning BenchmarkTowards a Comprehensive Machine Learning Benchmark
Towards a Comprehensive Machine Learning Benchmark
 
Unit 1
Unit 1Unit 1
Unit 1
 
Towards a Reactive Game Engine
Towards a Reactive Game EngineTowards a Reactive Game Engine
Towards a Reactive Game Engine
 
AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the Basics
 
01 foundations
01 foundations01 foundations
01 foundations
 
Ai for everyone
Ai for everyoneAi for everyone
Ai for everyone
 
NLP & Machine Learning - An Introductory Talk
NLP & Machine Learning - An Introductory Talk NLP & Machine Learning - An Introductory Talk
NLP & Machine Learning - An Introductory Talk
 
Soumith Chintala at AI Frontiers: A Dynamic View of the Deep Learning World
Soumith Chintala at AI Frontiers: A Dynamic View of the Deep Learning WorldSoumith Chintala at AI Frontiers: A Dynamic View of the Deep Learning World
Soumith Chintala at AI Frontiers: A Dynamic View of the Deep Learning World
 
[Srijan Wednesday Webinars] Artificial Intelligence & the Future of Business
[Srijan Wednesday Webinars] Artificial Intelligence & the Future of Business[Srijan Wednesday Webinars] Artificial Intelligence & the Future of Business
[Srijan Wednesday Webinars] Artificial Intelligence & the Future of Business
 
SkillsFuture Festival at NUS 2019- Machine Learning for Humans
SkillsFuture Festival at NUS 2019- Machine Learning for HumansSkillsFuture Festival at NUS 2019- Machine Learning for Humans
SkillsFuture Festival at NUS 2019- Machine Learning for Humans
 
How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?
 
Building Personalized Data Products with Dato
Building Personalized Data Products with DatoBuilding Personalized Data Products with Dato
Building Personalized Data Products with Dato
 
AI for Software Engineering
AI for Software EngineeringAI for Software Engineering
AI for Software Engineering
 
AI, Machine Learning and Deep Learning - The Overview
AI, Machine Learning and Deep Learning - The OverviewAI, Machine Learning and Deep Learning - The Overview
AI, Machine Learning and Deep Learning - The Overview
 
Artificial Intelligence in Project Management by Dr. Khaled A. Hamdy
Artificial Intelligence in Project Management by  Dr. Khaled A. HamdyArtificial Intelligence in Project Management by  Dr. Khaled A. Hamdy
Artificial Intelligence in Project Management by Dr. Khaled A. Hamdy
 

Ähnlich wie Emerging trends in Artificial intelligence - A deeper review

"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr..."Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
Edge AI and Vision Alliance
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
Egyptian Engineers Association
 

Ähnlich wie Emerging trends in Artificial intelligence - A deeper review (20)

Algorithm Marketplace and the new "Algorithm Economy"
Algorithm Marketplace and the new "Algorithm Economy"Algorithm Marketplace and the new "Algorithm Economy"
Algorithm Marketplace and the new "Algorithm Economy"
 
Using Algorithmia to leverage AI and Machine Learning APIs
Using Algorithmia to leverage AI and Machine Learning APIsUsing Algorithmia to leverage AI and Machine Learning APIs
Using Algorithmia to leverage AI and Machine Learning APIs
 
Journey of Generative AI
Journey of Generative AIJourney of Generative AI
Journey of Generative AI
 
AIDC India - AI Vision Slides
AIDC India - AI Vision SlidesAIDC India - AI Vision Slides
AIDC India - AI Vision Slides
 
Deep learning
Deep learningDeep learning
Deep learning
 
簡立峰 萬物聯網台灣機會 20170503
簡立峰 萬物聯網台灣機會 20170503簡立峰 萬物聯網台灣機會 20170503
簡立峰 萬物聯網台灣機會 20170503
 
Whats Next for Machine Learning
Whats Next for Machine LearningWhats Next for Machine Learning
Whats Next for Machine Learning
 
Cognitive IoT using DeepLearning on data parallel frameworks like Spark & Flink
Cognitive IoT using DeepLearning on data parallel frameworks like Spark & FlinkCognitive IoT using DeepLearning on data parallel frameworks like Spark & Flink
Cognitive IoT using DeepLearning on data parallel frameworks like Spark & Flink
 
Novi sad ai event 1-2018
Novi sad ai event 1-2018Novi sad ai event 1-2018
Novi sad ai event 1-2018
 
"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr..."Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
"Enabling Ubiquitous Visual Intelligence Through Deep Learning," a Keynote Pr...
 
Video AI for Media and Entertainment Industry
Video AI for Media and Entertainment IndustryVideo AI for Media and Entertainment Industry
Video AI for Media and Entertainment Industry
 
Promises of Deep Learning
Promises of Deep LearningPromises of Deep Learning
Promises of Deep Learning
 
Machine Learning Overview: How did we get here ?
Machine Learning Overview: How did we get here ?Machine Learning Overview: How did we get here ?
Machine Learning Overview: How did we get here ?
 
OWF14 - Big Data : The State of Machine Learning in 2014
OWF14 - Big Data : The State of Machine  Learning in 2014OWF14 - Big Data : The State of Machine  Learning in 2014
OWF14 - Big Data : The State of Machine Learning in 2014
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
 
Introduction of machine learning.pptx
Introduction of machine learning.pptxIntroduction of machine learning.pptx
Introduction of machine learning.pptx
 
PrĂŠsentation de Bruno Schroder au 20e #mforum (07/12/2016)
PrĂŠsentation de Bruno Schroder au 20e #mforum (07/12/2016)PrĂŠsentation de Bruno Schroder au 20e #mforum (07/12/2016)
PrĂŠsentation de Bruno Schroder au 20e #mforum (07/12/2016)
 
AI & ML in Cyber Security - Welcome Back to 1999 - Security Hasn't Changed
AI & ML in Cyber Security - Welcome Back to 1999 - Security Hasn't ChangedAI & ML in Cyber Security - Welcome Back to 1999 - Security Hasn't Changed
AI & ML in Cyber Security - Welcome Back to 1999 - Security Hasn't Changed
 
Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
 
AI for Manufacturing (Machine Vision, Edge AI, Federated Learning)
AI for Manufacturing (Machine Vision, Edge AI, Federated Learning)AI for Manufacturing (Machine Vision, Edge AI, Federated Learning)
AI for Manufacturing (Machine Vision, Edge AI, Federated Learning)
 

Mehr von Gopi Krishna Nuti

Mehr von Gopi Krishna Nuti (7)

Neural Networks - it’s usage in Corporate
Neural Networks -it’s usage in CorporateNeural Networks -it’s usage in Corporate
Neural Networks - it’s usage in Corporate
 
Ai for pharmaceutical industry – a primer
Ai for pharmaceutical industry – a primerAi for pharmaceutical industry – a primer
Ai for pharmaceutical industry – a primer
 
Softskills orientation
Softskills orientationSoftskills orientation
Softskills orientation
 
Emerging Technology trends and employability skills
Emerging Technology trends and employability skillsEmerging Technology trends and employability skills
Emerging Technology trends and employability skills
 
Classification vis a-vis ranking - gopi
Classification vis a-vis ranking - gopiClassification vis a-vis ranking - gopi
Classification vis a-vis ranking - gopi
 
F2 talk
F2 talkF2 talk
F2 talk
 
Emerging Trends in Information Technology
Emerging Trends in Information TechnologyEmerging Trends in Information Technology
Emerging Trends in Information Technology
 

KĂźrzlich hochgeladen

Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Safe Software
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
?#DUbAI#??##{{(☎️+971_581248768%)**%*]'#abortion pills for sale in dubai@
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
panagenda
 

KĂźrzlich hochgeladen (20)

Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of Terraform
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
+971581248768>> SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHA...
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontology
 
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ..."I see eyes in my soup": How Delivery Hero implemented the safety system for ...
"I see eyes in my soup": How Delivery Hero implemented the safety system for ...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistan
 
Why Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire businessWhy Teams call analytics are critical to your entire business
Why Teams call analytics are critical to your entire business
 
Vector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxVector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptx
 

Emerging trends in Artificial intelligence - A deeper review

  • 1. Š 2020 MUST India Gopi Krishna Nuti MS, MBA Vice President MUST Research ngopikrishna@gmail.com, vp@must.co.in +91-9036005121 Emerging Trends in Artificial Intelligence Mar 2021
  • 2. Š 2021 MUST Research • Humble Origins • Grand dreams • Painful reality (twice) a.k.a AI Winters • Early adopters • Marketing Hype (So far) • Mainstay of life (Future) • Maturity (Far out) Artificial Intelligence
  • 3. Š 2021 MUST Research • Deep Learning is taking over • Explainability of Deep learning • Commoditization of AI • AI on the edge • Exploitation using AI • Frauds • Standards • Expansion of job opportunities because of AI Trends
  • 4. Š 2021 MUST Research • 1950 - Alan Turing, Turing Test • 1951 - Christopher Strachey, first successful AI program to play Checkers • 1952 - Anthony Oettinger, Shopper – first machine learning program using rote learning. • 1954 - Belmont Farley and Wesley Clark of MIT, first Artificial Neural Network • 1956 - John McCarthy coined the term AI • 1956-1974 – Golden years. Lot of funding • 1974-1980 – First AI winter • 1980-1987 – Boom • 1987-1993 – Second AI Winter • 1993 – 2011- Improvements • 11-May-1997 : Deep blue beats Garry Kasparov • Mostly behind the scenes • 2011 – present • Deep learning, Artificial General Intelligence • Narrow AI, Weak AI, Strong AI • Narrow Ai – Siri, Cortana, Google Assistant etc. Most of the personal assistants, chatbots etc we see today Road so far
  • 5. Š 2021 MUST Research • Sophia • social humanoid robot developed by Hong Kong-based company Hanson Robotics. • First robot to receive citizenship • First non-human to receive a title from UNO (Innovation Champion) Marketing Hype
  • 6. Š 2021 MUST Research Reality It is "not ideal" that some think of Sophia as having human-equivalent intelligence - Ben Goertzel, Chief Scientist who built Sophia A chatbot with a face - Expert review of Sophia Sophia is complete bullshit - Yann LeCun, Winner of Turing Award, Godfather of Deep Learning
  • 7. Š 2021 MUST Research • Narrow AI -AI algorithms applied for a specific problem. • Deepface – 2015 – Facebook’s Face recognition algorithm • Resnet, Inception, YOLO – Image classification, localization etc • GPT2, GPT3 – Content generation • Weak AI • No clarity on what this is • Strong AI – Artificial General Intelligence • Very much in a research stage So Where is everything at?
  • 8. Š 2021 MUST Research Select milestones •Linear Regression 1805 •Neural Networks 1943 •K-NN 1951 •Perceptron •Logistic Regression 1958 •Support Vector Machine 1963 •K-Means Clustering 1967 •Decision Trees 1968 •RNN 1986 •LeNet 1990 •Random Forest 1995 •LSTM 1997 •GANs 2014 Supervised Learning - Regression Supervised Learning - Classification Neural Networks and Deep Learning Unsupervised Learning Content creation
  • 9. Š 2021 MUST Research Select milestones Year Caption 1805 Least Square 1812 Bayes' Theorem 1913 Markov Chains 1950 Turing's Learning Machine 1951 First Neural Network Machine 1952 Machines Playing Checkers 1957 Perceptron 1967 Nearest Neighbor 1970 Automatic Differentiation (Backpropagation) 1976 Transfer Learning 1982 Recurrent Neural Network 1986 Backpropagation 1989 Reinforcement Learning 1995 Random Forest Algorithm 1995 Support Vector Machines 1997 LSTM 2005 RankNet Year Caption 2014 Leap in Face Recognition 2014 Sibyl 2014 XgBoost 2014 GANs 2014 Regions with CNN features 2015 Fast R-CNN and Faster R-CNN, Inception V3 2016 YOLO, SSD 2017 Google AI – Attention is all you need 2018 ULMfit fast.ai 2018 BERT 2019 Stanford NLP 2019 Open AI GPT2 2020 Open AI GPT3 beta
  • 10. Š 2021 MUST Research Current Growth
  • 11. Š 2021 MUST Research • Third Generation Neural Networks – Spiking networks • Ranknet – Deep learning based implementation for Learning to Rank (Not too recent) • Transfer Learning along with CNNs (relatively recent) • Generative AI (quite recent) (Some) New algorithms
  • 12. Š 2021 MUST Research • Considered a natural successor to current Artificial Neural Networks • More closely resemble the brain’s synapses and biological function. • Theoretically, more powerful than the current 2nd generation networks Spiking Neural Networks Artificial Neural Networks Spiking Neural Networks Neurons are fully connected Neurons are spatially locally connected (similar to CNNs) Neuron outputs a continuous value Neuron outputs a discrete value yes/no Every neuron fires every time during propagation • Neuron fires only when its value reaches a pre-set threshold (similar to ReLU activation function) • Until the threshold is not met, incoming synapses either increase or decrease the value (membrane potential) • Once the neuron fires, its value is reset Sigmoid, ReLU, Leaky ReLU are commonly used activation functions • Leaky Integrate and Fire (LIF) model Loss function is differentiable entirely. For single layer networks, cost function needs to be convex Loss function is not differentiable. So, Cost function is not necessarily convex
  • 13. Š 2021 MUST Research • Machine Learning to Rank • Another branch of Supervised Learning (in addition to Regression and Classification) • Idea first took shape in 1989 • Ranknet • Developed by Microsoft in 2005 and used by Bing • Won “ICML’s Test of Time” award in 2015 • Application in • Information retrieval (combined with NLP) • Decision making • Recommender Systems • Please see more details at https://www.slideshare.net/gopikrishnanuti/classification-vis-avis-ranking-gopi Ranknet
  • 14. Š 2021 MUST Research • Subfield of ML and AI • Applies knowledge gained from one task to another similar task. • Avoids having to reinvent the wheel • Example: • Knowledge gained in analysing sentiment of movie review text can be used for analysing sentiments of consumer electronics product review • Knowledge gained in identifying birds in a photo can be used for identifying cars • Ideated in 1993 by Lorien Pratt • Need a pretrained model and dataset of our requirement. The model is repurposed for our dataset. • Allowed major strides in computer vision and NLP • Example: • InceptionV3 is image classification model trained on ImageNet. This has been repurposed to identify Diabetic Retinopathy in medical images of eyes. Transfer Learning
  • 15. Š 2021 MUST Research • Traditional - Market Research, Finance, Engineering, Education, Medicine, Astronomy • New Domains • Robotic Process Automation • Warfare and Defence - Drones, Quadcopters • Cyber security – Filtering content, identifying attack vectors, Threat exposure, incident response etc. • Media and Entertainment - Deep fakes, GANs, Deep Nostalgia • Advertising and Marketing- Mass Customization • Hybrid Workforce • Sub disciplines • ML Ops Newer Domains
  • 16. Š 2021 MUST Research Gartner’s AI Hype Cycle for 2020 Image courtesy Gartner.com
  • 17. Š 2021 MUST Research AI Market places • A multi-sided-platform where AI providers and sellers can exchange services. NB: Seller is not the Cloud provider!!! • Clever blend of PaaS & SaaS. Can be thought of as Algorithm as a Service • Build an AI algorithm for a specific use case. Sell it for a license on top of cloud Services. • Examples • AWS Marketplace • Azure Marketplace
  • 18. Š 2021 MUST Research AI Marketplace examples Demonstration of the Mask Detector for Epidemiological Safety by Vitech Lab. Picture courtesy Sandro Luck Demonstration of the Vehicle Damage Inspection developed by Persistent on Amazon Market Place
  • 19. Š 2021 MUST Research • Anything is game • AI models • Datasets • Data pipeline management • ML Ops AI Marketplace examples GluonCV YOLOv3 Object Detector By: Amazon Web Services YOLOv3 is a powerful network for fast and accurate object detection, powered by GluonCV. Emotion Analysis API Sold by:Twinword Inc. Deep Vision API Sold by:Deep Vision AI, Inc Deep Vision API is a computer vision platform allowing you to easily integrate AI-based technology into your products, services and applications. You can automatically understand and analyze images and videos.Pay directly from your AWS account, quick and seamless integration with your AWS workflow.
  • 20. Š 2021 MUST Research AI Services Commoditization Image courtesy : Gartner.com
  • 21. Š 2021 MUST Research • ML algorithms are run on the hardware device/sensor itself. • This is in direct contrast to cloud/server based processing of data. • Processing of data happens close to the user. • Can be on IoT senser or dedicated Edge Server • Benefits • Latency time is reduced my many orders of magnitude • CapEx and OpEx costs are reduced significantly • Increased data privacy and security • Examples • Alexa, Google Assistant, • Self driving cars • Edge AI Camera from Avinton, VIA Mobile360 Dash Cam Edge AI
  • 22. Š 2021 MUST Research • Originally thought of as unrelated/competing technologies • Now complementing one another • Robotic Process Automation uses specially developed programs to automate repeatable business processes. There is no learning. Repeats the same set of actions every time. • Great for automating simple tasks. • Typically, suitable for structured data • For complex tasks, AI comes handy because • Learns from data/past • Handles unstructured data Robotic Process Automation and AI
  • 23. Š 2021 MUST Research Scenario : A TV program asks the audience “Which candidate do you support? Send your answer as SMS to 56789 in the next 2 minutes” RPA only: SMS MUST be in the below format – SMALLBOSS <your mobile number> <your name> <candidate name> <your date of birth> <candidate id> <your village> <your parrot name> RPA + AI Details can be in any sequence and some details can perhaps be skipped too RPA and AI – Over simplified example
  • 24. Š 2021 MUST Research • Automation Anywhere released IQBot in 2019 • Could read low resolution documents and read 190 languages • Blue Prism released Cogito • Offers NLP and ML algorithms • UiPath released Intelligent Automation • NLP and Computer Vision RPA and AI – real examples
  • 25. Š 2021 MUST Research • Specialized hardware to accelerate the processing of AI algorithms particularly, Deep Neural Networks • GPUs • Nvidia, Intel  Vision Processing Units • Intel Neural Computing Stick, Qualcomm Snapdragon  Tensor Processing Units  FPGAs and ASICs  Special Purpose programming languages  CUDA, OpenCL  OpenVino Kit from Intel, SNPE SDK from Qualcomm  For more details, please refer to https://www.slideshare.net/gopikrishnanuti/inferene-trends-in-industry GPU Accelerators
  • 26. Š 2021 MUST Research Multi-media and Entertainment https://www.youtube.com/watch?v=cQ54GDm1eL0&t=1s https://www.youtube.com/watch?v=4GdWD0yxvqw&t=2s
  • 27. Š 2021 MUST Research Multi-media and Entertainment https://www.youtube.com/watch?v=JSEdBNslGOk https://www.youtube.com/watch?v=251pfVoGBUA&t=1s
  • 28. Š 2021 MUST Research • Natural Language Processing • Natural Language Understanding NLP •Breakthrough in Language Translation •seq2seq models •Transformer Google AI - 2017 •Transfer learning introduced to NLP ULMFiT fast.ai 2018 •Uses both Transformers and Transfer learning •State of the art for 11 NLP tasks •Pre-trained on English Wikipedia with 2.5 billion words •Upgraded to RoBERTa by facebook in July 2019 BERT Google AI 2018 •Python NLP package •Pre-trained neural models for 53 languages •Replaced by Stanza also from Stanford supporting 66 languages Stanford NLP – Jan 2019 •State of the art for Text Generation •GPT3 is out in beta in June 2020. Rave reviews Open AI GPT2 – Feb 2019 •State of the art models made available on Torch and with Python bindings PyTorch Transformers from Hugging face – July 2019
  • 29. Š 2021 MUST Research • For a topic-wise review on Computer Vision and recent trends, please visit https://www.slideshare.net/gopikrishnanuti/computer-vision-old-problems-new-solutions Computer Vision • Used selective search • Very slow and complicated 2014 – Regions with CNN features • Designed to solve problems with R-CNN 2015 – Fast R-CNN, Faster R-CNN from Microsoft • Image classification with very deep network 2015 – Inception from Google • You Only Look Once • Object Localization • Significantly fast and a radically different approach. 2016 – YOLO • Faster and more accurate than YOLO 2016 - SSD • Mask R-CNN • Pixelwise Instance Segmentation 2017
  • 30. Š 2021 MUST Research Some stunning implementations https://www.youtube.com/watch?v=uhND7Mvp3f4 https://www.youtube.com/watch?v=bs9Lm3ss39o
  • 31. Š 2021 MUST Research MUST Research MUST Research is dedicated to promote excellence and competence in the field of data science, cognitive computing, artificial intelligence, machine learning, advanced analytics for the benefit of the mankind - it’s a must. Our vision is to build an ecosystem that enables interaction between academia and enterprise, help them in resolving problems and make them aware of the latest developments in the cognitive era to provide solutions, guidance or training, organize lectures, seminars and workshops, collaborate on scientific programs and societal missions. • India’s largest AI community with 500+ data scientists • Award winning robots – Softie built in collaboration with MicrosoftÂŽ https://www.youtube.com/watch?v=jQ8Gq2HWxiA • Multiple demonstrations of our robots MUSTie and MUSTani https://www.youtube.com/watch?v=AewM3TsjoBk • Letter of appreciation from Govt of Telangana for our contributions
  • 32. Š 2021 MUST Research MUST Research – Our publications • A book introducing Machine Learning from basics through Supervised and Unsupervised learning for beginners https://www.amazon.in/Machine-Learning-Engineers-Gopi- Krishna/dp/9389024870/ref=sr_1_2?dchild=1&keywords=machine+learning+for +engineers&qid=1616195333&sr=8-2 • Multiple research papers and publications
  • 33. Š 2020 MUST India Gopi Krishna Nuti Vice President MUST Research Thanks