SlideShare a Scribd company logo
1 of 37
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

Using the power of Generative AI at scale
Using the power of Generative AI at scaleUsing the power of Generative AI at scale
Using the power of Generative AI at scaleMaxim Salnikov
 
Generative AI at the edge.pdf
Generative AI at the edge.pdfGenerative AI at the edge.pdf
Generative AI at the edge.pdfQualcomm Research
 
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.pdfPremNaraindas1
 
Generative AI Use cases for Enterprise - Second Session
Generative AI Use cases for Enterprise - Second SessionGenerative AI Use cases for Enterprise - Second Session
Generative AI Use cases for Enterprise - Second SessionGene Leybzon
 
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 usMassimo Ferre'
 
An Introduction to Generative AI - May 18, 2023
An Introduction  to Generative AI - May 18, 2023An Introduction  to Generative AI - May 18, 2023
An Introduction to Generative AI - May 18, 2023CoriFaklaris1
 
The Future is in Responsible Generative AI
The Future is in Responsible Generative AIThe Future is in Responsible Generative AI
The Future is in Responsible Generative AISaeed Al Dhaheri
 
Responsible Generative AI
Responsible Generative AIResponsible Generative AI
Responsible Generative AICMassociates
 
Generative AI, WiDS 2023.pptx
Generative AI, WiDS 2023.pptxGenerative AI, WiDS 2023.pptx
Generative AI, WiDS 2023.pptxColleen Farrelly
 
The current state of generative AI
The current state of generative AIThe current state of generative AI
The current state of generative AIBenjaminlapid1
 
Generative AI and law.pptx
Generative AI and law.pptxGenerative AI and law.pptx
Generative AI and law.pptxChris Marsden
 
ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxJesus Rodriguez
 
Cavalry Ventures | Deep Dive: Generative AI
Cavalry Ventures | Deep Dive: Generative AICavalry Ventures | Deep Dive: Generative AI
Cavalry Ventures | Deep Dive: Generative AICavalry Ventures
 
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬VINCI Digital - Industrial IoT (IIoT) Strategic Advisory
 
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
 
The Five Levels of Generative AI for Games
The Five Levels of Generative AI for GamesThe Five Levels of Generative AI for Games
The Five Levels of Generative AI for GamesJon Radoff
 
Responsible AI
Responsible AIResponsible AI
Responsible AINeo4j
 
generative-ai-fundamentals and Large language models
generative-ai-fundamentals and Large language modelsgenerative-ai-fundamentals and Large language models
generative-ai-fundamentals and Large language modelsAdventureWorld5
 

What's hot (20)

Using the power of Generative AI at scale
Using the power of Generative AI at scaleUsing the power of Generative AI at scale
Using the power of Generative AI at scale
 
Generative AI at the edge.pdf
Generative AI at the edge.pdfGenerative AI at the edge.pdf
Generative AI at the edge.pdf
 
Generative AI
Generative AIGenerative AI
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 Use cases for Enterprise - Second Session
Generative AI Use cases for Enterprise - Second SessionGenerative AI Use cases for Enterprise - Second Session
Generative AI Use cases for Enterprise - Second Session
 
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
 
An Introduction to Generative AI - May 18, 2023
An Introduction  to Generative AI - May 18, 2023An Introduction  to Generative AI - May 18, 2023
An Introduction to Generative AI - May 18, 2023
 
The Future is in Responsible Generative AI
The Future is in Responsible Generative AIThe Future is in Responsible Generative AI
The Future is in Responsible Generative AI
 
Responsible Generative AI
Responsible Generative AIResponsible Generative AI
Responsible Generative AI
 
Generative AI, WiDS 2023.pptx
Generative AI, WiDS 2023.pptxGenerative AI, WiDS 2023.pptx
Generative AI, WiDS 2023.pptx
 
The current state of generative AI
The current state of generative AIThe current state of generative AI
The current state of generative AI
 
Generative AI and law.pptx
Generative AI and law.pptxGenerative AI and law.pptx
Generative AI and law.pptx
 
ChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptxChatGPT, Foundation Models and Web3.pptx
ChatGPT, Foundation Models and Web3.pptx
 
Cavalry Ventures | Deep Dive: Generative AI
Cavalry Ventures | Deep Dive: Generative AICavalry Ventures | Deep Dive: Generative AI
Cavalry Ventures | Deep Dive: Generative AI
 
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
𝐆𝐞𝐧𝐞𝐫𝐚𝐭𝐢𝐯𝐞 𝐀𝐈: 𝐂𝐡𝐚𝐧𝐠𝐢𝐧𝐠 𝐇𝐨𝐰 𝐁𝐮𝐬𝐢𝐧𝐞𝐬𝐬 𝐈𝐧𝐧𝐨𝐯𝐚𝐭𝐞𝐬 𝐚𝐧𝐝 𝐎𝐩𝐞𝐫𝐚𝐭𝐞𝐬
 
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)
 
The Five Levels of Generative AI for Games
The Five Levels of Generative AI for GamesThe Five Levels of Generative AI for Games
The Five Levels of Generative AI for Games
 
Responsible AI
Responsible AIResponsible AI
Responsible AI
 
Generative models
Generative modelsGenerative models
Generative models
 
generative-ai-fundamentals and Large language models
generative-ai-fundamentals and Large language modelsgenerative-ai-fundamentals and Large language models
generative-ai-fundamentals and Large language models
 

Similar to Journey of Generative AI

Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial IntelligenceZavain Dar
 
AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the BasicsStutty Srivastava
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlowSpotle.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 reviewGopi Krishna Nuti
 
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 / 2016Grigory Sapunov
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introductionAdwait 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 pptxAnkit 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 learningvishnuv43
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflowCharmi Chokshi
 
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? EdurekaEdureka!
 
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 2014Paris Open Source Summit
 
artificial intelligence ppt.pptx
artificial intelligence ppt.pptxartificial intelligence ppt.pptx
artificial intelligence ppt.pptxBrijithaGokula
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningAmr Rashed
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTKAshish 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.pptx9D38SHIDHANTMITTAL
 

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

Predictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting TechniquesPredictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting TechniquesBoston Institute of Analytics
 
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...nirzagarg
 
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...HyderabadDolls
 
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...gajnagarg
 
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...gajnagarg
 
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptxRESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptxronsairoathenadugay
 
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...TrafficWave Generator Will Instantly drive targeted and engaging traffic back...
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...SOFTTECHHUB
 
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...nirzagarg
 
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...nirzagarg
 
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...ThinkInnovation
 
Case Study 4 Where the cry of rebellion happen?
Case Study 4 Where the cry of rebellion happen?Case Study 4 Where the cry of rebellion happen?
Case Study 4 Where the cry of rebellion happen?RemarkSemacio
 
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...kumargunjan9515
 
Ranking and Scoring Exercises for Research
Ranking and Scoring Exercises for ResearchRanking and Scoring Exercises for Research
Ranking and Scoring Exercises for ResearchRajesh Mondal
 
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...HyderabadDolls
 
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...Delhi Call girls
 
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...HyderabadDolls
 
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...Elaine Werffeli
 
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24  Building Real-Time Pipelines With FLaNKDATA SUMMIT 24  Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNKTimothy Spann
 
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...HyderabadDolls
 

Recently uploaded (20)

Predictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting TechniquesPredictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting Techniques
 
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
Top profile Call Girls In Begusarai [ 7014168258 ] Call Me For Genuine Models...
 
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
Gomti Nagar & best call girls in Lucknow | 9548273370 Independent Escorts & D...
 
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
Top profile Call Girls In dimapur [ 7014168258 ] Call Me For Genuine Models W...
 
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Indore [ 7014168258 ] Call Me For Genuine Models We...
 
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptxRESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
 
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...TrafficWave Generator Will Instantly drive targeted and engaging traffic back...
TrafficWave Generator Will Instantly drive targeted and engaging traffic back...
 
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
Top profile Call Girls In Tumkur [ 7014168258 ] Call Me For Genuine Models We...
 
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
Top profile Call Girls In Bihar Sharif [ 7014168258 ] Call Me For Genuine Mod...
 
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
Identify Customer Segments to Create Customer Offers for Each Segment - Appli...
 
Case Study 4 Where the cry of rebellion happen?
Case Study 4 Where the cry of rebellion happen?Case Study 4 Where the cry of rebellion happen?
Case Study 4 Where the cry of rebellion happen?
 
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...Top Call Girls in Balaghat  9332606886Call Girls Advance Cash On Delivery Ser...
Top Call Girls in Balaghat 9332606886Call Girls Advance Cash On Delivery Ser...
 
Ranking and Scoring Exercises for Research
Ranking and Scoring Exercises for ResearchRanking and Scoring Exercises for Research
Ranking and Scoring Exercises for Research
 
Call Girls in G.T.B. Nagar (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in G.T.B. Nagar  (delhi) call me [🔝9953056974🔝] escort service 24X7Call Girls in G.T.B. Nagar  (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in G.T.B. Nagar (delhi) call me [🔝9953056974🔝] escort service 24X7
 
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
Sonagachi * best call girls in Kolkata | ₹,9500 Pay Cash 8005736733 Free Home...
 
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...
Oral Sex Call Girls Kashmiri Gate Delhi Just Call 👉👉 📞 8448380779 Top Class C...
 
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...
Belur $ Female Escorts Service in Kolkata (Adult Only) 8005736733 Escort Serv...
 
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
SAC 25 Final National, Regional & Local Angel Group Investing Insights 2024 0...
 
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24  Building Real-Time Pipelines With FLaNKDATA SUMMIT 24  Building Real-Time Pipelines With FLaNK
DATA SUMMIT 24 Building Real-Time Pipelines With FLaNK
 
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...
Lake Town / Independent Kolkata Call Girls Phone No 8005736733 Elite Escort S...
 

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.