SlideShare a Scribd company logo
Generative AI
The Creative Technology in the Modern Day
Thomas J Varghese
Machine Learning
Engineer
AI vs ML vs DL vs GenAI
Artificial Intelligence
Machine Learning
Neural Networks
Deep Learning
Generative AI
Large Language Models
Artificial Intelligence
(AI)
• AI is a discipline, a branch of
computer science, that deals with
the creation and development of
machines that think and act like
humans.
• AI powered technologies have
been around for a while and
some everyday examples are Siri
and Alexa and customer service
chatbots that pop up on websites
Machine Learning
(ML)
• Machine Learning is a subfield of AI. It is a
program or system that trains a model from
input data and then that trained model can
make useful predictions from new or never
before seen data.
• So, ML gives the computer the ability to learn
without explicitly programming. While in
traditional programming, developers write
explicit instructions for a computer to execute,
in ML, algorithms learn patterns and
relationships from data to make predictions or
decisions.
• Unsupervised, Supervised and Reinforcement
learning are the most common ML models.
Neural Networks
• Also known as artificial neural
networks (ANNs) or simulated neural
networks (SNNs), are a subset of
machine learning.
• The name and structure inspired by the
human brain, mimicking the way that
biological neurons signal to one
another.
• NN consist of interconnected artificial
neurons organized in layers: an input
layer, one or more hidden layers, and
an output layer. NN are at the heart of
deep learning algorithms.
Deep Learning (DL)
• Deep Learning is a subset of NN. The word deep here refers to the depth of layers in
a neural network.
• Any neural network with more than three hidden layers can be considered a deep
learning algorithm.
• Having a higher number of hidden layers, DL models are well-suited for tackling
complex real-world problems. Everyday examples of technologies using NN and DL
are:
• Image recognition
• Object detection in smartphone cameras — such as Facial Recognition
• Autofocus
• Online language translation services like Google Translate.
Generative AI
• Gen AI is a subset of Deep Learning,
focuses on creating models capable of
generating new content that resemble
existing data.
• These models aim to generate content that
is indistinguishable from what might be
created by humans.
• Generative Adversarial Networks (GANs)
are popular examples of generative AI
models that use deep neural networks to
generate realistic content such as images,
text, or even music.
Large Language
Model
• LLM is a form of generative AI, which
focuses on generating human-like text
based on the patterns learned from
vast amounts of textual data during the
training process.
• Large Language Model can be
considered as a specific type of
machine learning model specialized in
natural language processing
• ChatGPT is possibly the most famous
example of technologies using LLM
right now.
2017
Transformers Neural Network
• Type of Generative Intelligence
Model for understanding and
generating text, images and various
other types of data.
• Transformers analyse chunks of data
called “Tokens” and learn to predict
the next token in a sequence, based
on previous and following token.
• The Output of the Model such as the
prediction of a word in a sentence, is
influenced by the previous words it
has generated.
What are Transformers ?
2017: Google
Revolutionized Text
Generation
• Google Introduces Transformers which
became state of the art approach to solve
most Natural Language Processing
Problems.
• OpenAI’s Generative Pre-trained
Transformers (DALL E,2021; ChatGPT,2022)
as the name suggests, reposes on
Transformers.
Techniques for Tailoring LLM’s to specific Problems
REINFORCEMENT LEARNING
FROM HUMAN FEEDBACK (RLHF)
FINE TUNING PROMPT ENGINEERING
Then we need a model
Commercial API’s
• Google, OpenAI,
Microsoft …
• Privacy Concerns
• No Specific Hardware
Requirements
• Prompt Engineering
Train a Model from
scratch
• Requires huge data and
computing resources
Foundational Models
• Open-Source Models
• Fine Tuned
• May require specific
hardware/infrastructure
Finetuning
Retraining a pre-
trained model on a
specific task or dataset
to adapt it for a
particular application
1
Training the model on
a dataset of data that
is relevant to the task
2
Training the LLM on a
smaller, more specific
set of information
3
RLHF
LLMs are trained on the web data with a lot of irrelevant matters (unhelpful), or worse, where false
(dishonest) and/or harmful information are abundant, e.g.,
• Potentially dangerous false medical advices.
• Valid techniques for illegal activities (hacking, deceiving, building weapons, ...).
HHH (Helpful, Honest & Harmless) alignment (Askell et al., 2021): ensuring that the model's behavior and
outputs are consistent with human values, intentions, and ethical standards.
Reinforcement Learning from Human Feedback, or RLHF (Casper et al., 2023)
• "is a technique for training Al systems to align with human goals."
• "[It] has emerged as the central method used to finetune state-of-the-art [LLMs]."
• It reposes on human judgment and consensus.
Source:
o Casper et al., 2023, Open Problems and Fundamental Limitations of Reinforcement Learning from Human Feedback. arxiv.org/abs/2307.15217 Ziegler et al., 2022, Fine-Tuning Language Models from Human Preferences, arxiv.org/abs/1909.08593
o Askell et al., 2021, A General Language Assistant as a Laboratory for Alignment. arxiv.org/abs/2112.00861
Example of Alignment Task
Prompt Engineering
Creating a Custom Chatbot
• Based on our knowledge base we create a custom chatbot
• We will use OpenAI , LangChain and Chroma
Image
Generation
Backbone: Diffusion Models
• Diffusion models are a form of generative model built to create
new data that resembles the data they were trained on.
• They have a variety of uses, such as data generation for
domains where real data is limited (ex. medical imaging).
• Diffusion models consist of a forward and backward process.
• The forward process consists of progressively destroying data,
traditionally images, until it is pure noise. Then the backward
process, consisting of a U-Net, aims to recover the original data
from the noise.
Eventually, the trained model is supplied pure noise and only the
backward process is run to synthesize new data like that in the
training dataset.
Recent Developments
• By introducing a latent
phase (https://arxiv.org/pdf/2112.10752.pdf) into which images
are autoencoded, the forward/backward process occurs in the
latent space, allowing for faster sampling overall.
• Basically, adding a latent phase means that the original images
are compressed, or encoded, into a smaller/latent dimension
using a neural network, and then the diffusion model is only
responsible for learning from and generating these latents.
• Once generated, these latents are then passed through
a decoder which can fill in details at a higher resolution.
How Stable Diffusion is different ?
• Lets start off by better understanding the components of the
model
1. CLIP (Contrastive Language-Image Pretraining) Text Encoder
• Main differences of Stable Diffusion compared to traditional diffusion
models is that it accepts a text prompt.
• CLIP was trained to place related images and text into a similar latent
space.
• If CLIP is given an image of a dog, it should be able to correctly output
the text string “photo of a dog”, because the model has learned to put
the image and text encodings close to each other in latent space.
2. Variational AutoEncoder (VAE)
• A VAE is a neural network that facilitates the conversion to/from latent
space for images.
• The Encoder acts like a compressor, squishing the input image into a
lower dimensional latent representation.
• Once the forward / reverse diffusion process finishes and the diffusion
model has output a reconstruction the original latent, this output latent is
passed through the Decoder to create an image with the same resolution
as input images.
3.
Diffusion
Model
• For Stable Diffusion is
that the backward
process uses the text
embedding as well
as random noise to
generate the desired
image.
To put it all together, we can follow this general procedure to build
our own Stable Diffusion pipeline to generate images from text:
1.Encode our text prompt using the CLIP model.
2.Generate some random noise in the latent dimension.
3.Load in a pretrained U-Net model, and perform the reverse
process for a fixed number of timesteps, using the random
noise and encoded text prompt as input.
4.The output of this step is the latent representation of our
generated image.
5.Load in a pretrained VAE, and perform the Decoding process
on the output latent from the previous step to obtain the final
output image, in full resolution.
Journey of Generative AI
Journey of Generative AI

More Related Content

What's hot

ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptx
Jesus Rodriguez
 
Using Generative AI
Using Generative AIUsing Generative AI
Using Generative AI
Mark DeLoura
 
Unlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdfUnlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdf
PremNaraindas1
 
Generative AI and law.pptx
Generative AI and law.pptxGenerative AI and law.pptx
Generative AI and law.pptx
Chris Marsden
 
The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021
Steve Omohundro
 
Landscape of AI/ML in 2023
Landscape of AI/ML in 2023Landscape of AI/ML in 2023
Landscape of AI/ML in 2023
HyunJoon Jung
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdf
Liming Zhu
 
Large Language Models - Chat AI.pdf
Large Language Models - Chat AI.pdfLarge Language Models - Chat AI.pdf
Large Language Models - Chat AI.pdf
David Rostcheck
 
Generative AI at the edge.pdf
Generative AI at the edge.pdfGenerative AI at the edge.pdf
Generative AI at the edge.pdf
Qualcomm Research
 
Let's talk about GPT: A crash course in Generative AI for researchers
Let's talk about GPT: A crash course in Generative AI for researchersLet's talk about GPT: A crash course in Generative AI for researchers
Let's talk about GPT: A crash course in Generative AI for researchers
Steven Van Vaerenbergh
 
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
Naoki (Neo) SATO
 
Large Language Models Bootcamp
Large Language Models BootcampLarge Language Models Bootcamp
Large Language Models Bootcamp
Data Science Dojo
 
Understanding generative AI models A comprehensive overview.pdf
Understanding generative AI models A comprehensive overview.pdfUnderstanding generative AI models A comprehensive overview.pdf
Understanding generative AI models A comprehensive overview.pdf
StephenAmell4
 
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
David Talby
 
GENERATIVE AI, THE FUTURE OF PRODUCTIVITY
GENERATIVE AI, THE FUTURE OF PRODUCTIVITYGENERATIVE AI, THE FUTURE OF PRODUCTIVITY
GENERATIVE AI, THE FUTURE OF PRODUCTIVITY
Andre Muscat
 
Generative AI for the rest of us
Generative AI for the rest of usGenerative AI for the rest of us
Generative AI for the rest of us
Massimo Ferre'
 
Generative AI
Generative AIGenerative AI
Generative AI
Carlos J. Costa
 
Generative Models and ChatGPT
Generative Models and ChatGPTGenerative Models and ChatGPT
Generative Models and ChatGPT
Loic Merckel
 
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
DataScienceConferenc1
 
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
VINCI Digital - Industrial IoT (IIoT) Strategic Advisory
 

What's hot (20)

ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptx
 
Using Generative AI
Using Generative AIUsing Generative AI
Using Generative AI
 
Unlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdfUnlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdf
 
Generative AI and law.pptx
Generative AI and law.pptxGenerative AI and law.pptx
Generative AI and law.pptx
 
The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021
 
Landscape of AI/ML in 2023
Landscape of AI/ML in 2023Landscape of AI/ML in 2023
Landscape of AI/ML in 2023
 
Generative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdfGenerative-AI-in-enterprise-20230615.pdf
Generative-AI-in-enterprise-20230615.pdf
 
Large Language Models - Chat AI.pdf
Large Language Models - Chat AI.pdfLarge Language Models - Chat AI.pdf
Large Language Models - Chat AI.pdf
 
Generative AI at the edge.pdf
Generative AI at the edge.pdfGenerative AI at the edge.pdf
Generative AI at the edge.pdf
 
Let's talk about GPT: A crash course in Generative AI for researchers
Let's talk about GPT: A crash course in Generative AI for researchersLet's talk about GPT: A crash course in Generative AI for researchers
Let's talk about GPT: A crash course in Generative AI for researchers
 
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
Microsoft + OpenAI: Recent Updates (Machine Learning 15minutes! Broadcast #74)
 
Large Language Models Bootcamp
Large Language Models BootcampLarge Language Models Bootcamp
Large Language Models Bootcamp
 
Understanding generative AI models A comprehensive overview.pdf
Understanding generative AI models A comprehensive overview.pdfUnderstanding generative AI models A comprehensive overview.pdf
Understanding generative AI models A comprehensive overview.pdf
 
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
Large Language Models, No-Code, and Responsible AI - Trends in Applied NLP in...
 
GENERATIVE AI, THE FUTURE OF PRODUCTIVITY
GENERATIVE AI, THE FUTURE OF PRODUCTIVITYGENERATIVE AI, THE FUTURE OF PRODUCTIVITY
GENERATIVE AI, THE FUTURE OF PRODUCTIVITY
 
Generative AI for the rest of us
Generative AI for the rest of usGenerative AI for the rest of us
Generative AI for the rest of us
 
Generative AI
Generative AIGenerative AI
Generative AI
 
Generative Models and ChatGPT
Generative Models and ChatGPTGenerative Models and ChatGPT
Generative Models and ChatGPT
 
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
 
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
 

Similar to Journey of Generative AI

Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
Zavain Dar
 
AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the Basics
Stutty Srivastava
 
Core ML
Core MLCore ML
Presentation v3
Presentation v3Presentation v3
Presentation v3
Muhammad AL-Qurishi
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
Spotle.ai
 
Emerging trends in Artificial intelligence - A deeper review
Emerging trends in Artificial intelligence - A deeper reviewEmerging trends in Artificial intelligence - A deeper review
Emerging trends in Artificial intelligence - A deeper review
Gopi Krishna Nuti
 
Deep learning
Deep learningDeep learning
Deep learning
AnimaSinghDhabal
 
Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016
Grigory Sapunov
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introduction
Adwait Bhave
 
Transfer Leaning Using Pytorch synopsis Minor project pptx
Transfer Leaning Using Pytorch  synopsis Minor project pptxTransfer Leaning Using Pytorch  synopsis Minor project pptx
Transfer Leaning Using Pytorch synopsis Minor project pptx
Ankit Gupta
 
Emotion recognition using image processing in deep learning
Emotion recognition using image     processing in deep learningEmotion recognition using image     processing in deep learning
Emotion recognition using image processing in deep learning
vishnuv43
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
Charmi Chokshi
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
Affine Analytics
 
How to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? EdurekaHow to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? Edureka
Edureka!
 
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
Paris Open Source Summit
 
Deep learning.pptx
Deep learning.pptxDeep learning.pptx
Deep learning.pptx
MdMahfoozAlam5
 
artificial intelligence ppt.pptx
artificial intelligence ppt.pptxartificial intelligence ppt.pptx
artificial intelligence ppt.pptx
BrijithaGokula
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Amr Rashed
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
Ashish Jaiman
 
WELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptxWELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptx
9D38SHIDHANTMITTAL
 

Similar to Journey of Generative AI (20)

Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
 
AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the Basics
 
Core ML
Core MLCore ML
Core ML
 
Presentation v3
Presentation v3Presentation v3
Presentation v3
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
Emerging trends in Artificial intelligence - A deeper review
Emerging trends in Artificial intelligence - A deeper reviewEmerging trends in Artificial intelligence - A deeper review
Emerging trends in Artificial intelligence - A deeper review
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introduction
 
Transfer Leaning Using Pytorch synopsis Minor project pptx
Transfer Leaning Using Pytorch  synopsis Minor project pptxTransfer Leaning Using Pytorch  synopsis Minor project pptx
Transfer Leaning Using Pytorch synopsis Minor project pptx
 
Emotion recognition using image processing in deep learning
Emotion recognition using image     processing in deep learningEmotion recognition using image     processing in deep learning
Emotion recognition using image processing in deep learning
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
 
How to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? EdurekaHow to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? Edureka
 
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
 
Deep learning.pptx
Deep learning.pptxDeep learning.pptx
Deep learning.pptx
 
artificial intelligence ppt.pptx
artificial intelligence ppt.pptxartificial intelligence ppt.pptx
artificial intelligence ppt.pptx
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
 
WELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptxWELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptx
 

Recently uploaded

FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
MaleehaSheikh2
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
jerlynmaetalle
 
Q1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year ReboundQ1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year Rebound
Oppotus
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
v3tuleee
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
mbawufebxi
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
u86oixdj
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
ArpitMalhotra16
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
slg6lamcq
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
Subhajit Sahu
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
vcaxypu
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
NABLAS株式会社
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
slg6lamcq
 
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape ReportSOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
axoqas
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
nscud
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
yhkoc
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
enxupq
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 

Recently uploaded (20)

FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
 
Q1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year ReboundQ1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year Rebound
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
 
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
一比一原版(ArtEZ毕业证)ArtEZ艺术学院毕业证成绩单
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
 
SOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape ReportSOCRadar Germany 2024 Threat Landscape Report
SOCRadar Germany 2024 Threat Landscape Report
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 

Journey of Generative AI

  • 1. Generative AI The Creative Technology in the Modern Day Thomas J Varghese Machine Learning Engineer
  • 2. AI vs ML vs DL vs GenAI Artificial Intelligence Machine Learning Neural Networks Deep Learning Generative AI Large Language Models
  • 3. Artificial Intelligence (AI) • AI is a discipline, a branch of computer science, that deals with the creation and development of machines that think and act like humans. • AI powered technologies have been around for a while and some everyday examples are Siri and Alexa and customer service chatbots that pop up on websites
  • 4. Machine Learning (ML) • Machine Learning is a subfield of AI. It is a program or system that trains a model from input data and then that trained model can make useful predictions from new or never before seen data. • So, ML gives the computer the ability to learn without explicitly programming. While in traditional programming, developers write explicit instructions for a computer to execute, in ML, algorithms learn patterns and relationships from data to make predictions or decisions. • Unsupervised, Supervised and Reinforcement learning are the most common ML models.
  • 5. Neural Networks • Also known as artificial neural networks (ANNs) or simulated neural networks (SNNs), are a subset of machine learning. • The name and structure inspired by the human brain, mimicking the way that biological neurons signal to one another. • NN consist of interconnected artificial neurons organized in layers: an input layer, one or more hidden layers, and an output layer. NN are at the heart of deep learning algorithms.
  • 6. Deep Learning (DL) • Deep Learning is a subset of NN. The word deep here refers to the depth of layers in a neural network. • Any neural network with more than three hidden layers can be considered a deep learning algorithm. • Having a higher number of hidden layers, DL models are well-suited for tackling complex real-world problems. Everyday examples of technologies using NN and DL are: • Image recognition • Object detection in smartphone cameras — such as Facial Recognition • Autofocus • Online language translation services like Google Translate.
  • 7. Generative AI • Gen AI is a subset of Deep Learning, focuses on creating models capable of generating new content that resemble existing data. • These models aim to generate content that is indistinguishable from what might be created by humans. • Generative Adversarial Networks (GANs) are popular examples of generative AI models that use deep neural networks to generate realistic content such as images, text, or even music.
  • 8. Large Language Model • LLM is a form of generative AI, which focuses on generating human-like text based on the patterns learned from vast amounts of textual data during the training process. • Large Language Model can be considered as a specific type of machine learning model specialized in natural language processing • ChatGPT is possibly the most famous example of technologies using LLM right now.
  • 10. • Type of Generative Intelligence Model for understanding and generating text, images and various other types of data. • Transformers analyse chunks of data called “Tokens” and learn to predict the next token in a sequence, based on previous and following token. • The Output of the Model such as the prediction of a word in a sentence, is influenced by the previous words it has generated. What are Transformers ?
  • 11.
  • 12. 2017: Google Revolutionized Text Generation • Google Introduces Transformers which became state of the art approach to solve most Natural Language Processing Problems. • OpenAI’s Generative Pre-trained Transformers (DALL E,2021; ChatGPT,2022) as the name suggests, reposes on Transformers.
  • 13.
  • 14.
  • 15. Techniques for Tailoring LLM’s to specific Problems REINFORCEMENT LEARNING FROM HUMAN FEEDBACK (RLHF) FINE TUNING PROMPT ENGINEERING
  • 16.
  • 17. Then we need a model Commercial API’s • Google, OpenAI, Microsoft … • Privacy Concerns • No Specific Hardware Requirements • Prompt Engineering Train a Model from scratch • Requires huge data and computing resources Foundational Models • Open-Source Models • Fine Tuned • May require specific hardware/infrastructure
  • 18. Finetuning Retraining a pre- trained model on a specific task or dataset to adapt it for a particular application 1 Training the model on a dataset of data that is relevant to the task 2 Training the LLM on a smaller, more specific set of information 3
  • 19. RLHF LLMs are trained on the web data with a lot of irrelevant matters (unhelpful), or worse, where false (dishonest) and/or harmful information are abundant, e.g., • Potentially dangerous false medical advices. • Valid techniques for illegal activities (hacking, deceiving, building weapons, ...). HHH (Helpful, Honest & Harmless) alignment (Askell et al., 2021): ensuring that the model's behavior and outputs are consistent with human values, intentions, and ethical standards. Reinforcement Learning from Human Feedback, or RLHF (Casper et al., 2023) • "is a technique for training Al systems to align with human goals." • "[It] has emerged as the central method used to finetune state-of-the-art [LLMs]." • It reposes on human judgment and consensus. Source: o Casper et al., 2023, Open Problems and Fundamental Limitations of Reinforcement Learning from Human Feedback. arxiv.org/abs/2307.15217 Ziegler et al., 2022, Fine-Tuning Language Models from Human Preferences, arxiv.org/abs/1909.08593 o Askell et al., 2021, A General Language Assistant as a Laboratory for Alignment. arxiv.org/abs/2112.00861
  • 22. Creating a Custom Chatbot • Based on our knowledge base we create a custom chatbot • We will use OpenAI , LangChain and Chroma
  • 23.
  • 24.
  • 26. Backbone: Diffusion Models • Diffusion models are a form of generative model built to create new data that resembles the data they were trained on. • They have a variety of uses, such as data generation for domains where real data is limited (ex. medical imaging). • Diffusion models consist of a forward and backward process. • The forward process consists of progressively destroying data, traditionally images, until it is pure noise. Then the backward process, consisting of a U-Net, aims to recover the original data from the noise.
  • 27. Eventually, the trained model is supplied pure noise and only the backward process is run to synthesize new data like that in the training dataset.
  • 28. Recent Developments • By introducing a latent phase (https://arxiv.org/pdf/2112.10752.pdf) into which images are autoencoded, the forward/backward process occurs in the latent space, allowing for faster sampling overall. • Basically, adding a latent phase means that the original images are compressed, or encoded, into a smaller/latent dimension using a neural network, and then the diffusion model is only responsible for learning from and generating these latents. • Once generated, these latents are then passed through a decoder which can fill in details at a higher resolution.
  • 29.
  • 30. How Stable Diffusion is different ? • Lets start off by better understanding the components of the model 1. CLIP (Contrastive Language-Image Pretraining) Text Encoder • Main differences of Stable Diffusion compared to traditional diffusion models is that it accepts a text prompt. • CLIP was trained to place related images and text into a similar latent space. • If CLIP is given an image of a dog, it should be able to correctly output the text string “photo of a dog”, because the model has learned to put the image and text encodings close to each other in latent space.
  • 31.
  • 32. 2. Variational AutoEncoder (VAE) • A VAE is a neural network that facilitates the conversion to/from latent space for images. • The Encoder acts like a compressor, squishing the input image into a lower dimensional latent representation. • Once the forward / reverse diffusion process finishes and the diffusion model has output a reconstruction the original latent, this output latent is passed through the Decoder to create an image with the same resolution as input images.
  • 33. 3. Diffusion Model • For Stable Diffusion is that the backward process uses the text embedding as well as random noise to generate the desired image.
  • 34.
  • 35. To put it all together, we can follow this general procedure to build our own Stable Diffusion pipeline to generate images from text: 1.Encode our text prompt using the CLIP model. 2.Generate some random noise in the latent dimension. 3.Load in a pretrained U-Net model, and perform the reverse process for a fixed number of timesteps, using the random noise and encoded text prompt as input. 4.The output of this step is the latent representation of our generated image. 5.Load in a pretrained VAE, and perform the Decoding process on the output latent from the previous step to obtain the final output image, in full resolution.