SlideShare a Scribd company logo
1 of 29
Download to read offline
Automatic Music Generation
using WaveNet
Presenter : 何冠勳 61047017s
Date : 2022/01/11
Authors: Google DeepMind, Aräon van den Oord et al.
Published in arXiv:1609.03499 [cs.SD]
Outline
2
1 3 5
6
4
2
Introduction
Data
preprocessing
Inference
experiments
Architecture Paper
experiments
Conclusions
Introduction
What is WaveNet? Why WaveNet?
1
3
What is WaveNet?
◉ WaveNet is a Deep Learning-based generative model for raw audio developed by Google
DeepMind.
◉ The main objective of WaveNet is to generate new samples from the original distribution of
the data. Hence, it is known as a Generative Model.
“Wavenet is like a language model from NLP.”
◉ In a language model, given a sequence of words, the model tries to predict the next word.
Similar to a language model, in WaveNet, given a sequence of samples, it tries to predict the
next sample.
,where input: {x1 , . . . , xt-1} time series data, output: xt
4
Contributions
◉ They show that WaveNets can generate raw speech signals with subjective naturalness
never before reported in the field of text-to-speech (TTS), as assessed by human raters.
◉ In order to deal with long-range temporal dependencies needed for raw audio generation,
they develop new architectures based on dilated causal convolutions, which exhibit very
large receptive fields.
◉ They show that when conditioned on a speaker identity, a single model can be used to
generate different voices.
◉ The same architecture shows strong results when tested on a small speech recognition
dataset, and is promising when used to generate other audio modalities such as music.
5
“
“WaveNets provide a generic and flexible
framework for tackling many
applications that rely on audio
generation such as TTS, music, speech
enhancement, and so on.”
6
Architecture
- Casual dilated convolutions
- Gated activation function
- Residual and Skip connections
2
7
Architecture
8
There are four mechanisms in WaveNet:
Causal dilated convolutions, Gated activation function, Residual and Skip connection.
Dilated?
9
Normal convolution Dilated convolution
◉ Enable networks to consider context not just
only in the neighborhood.
◉ Preserves the input resolution throughout the
network.
◉ Exponentially increase the dilation factor results
in exponential receptive field growth with
depth.
Causal dilated convolutions
◉ Causal, i.e. prediction p(xt+1|x1, . . . , xt) does not depend on future timesteps xt+1, . . . , xT .
◉ Filter is applied over an area larger than its length by skipping input values with a certain step
○ Allows network to operate on a coarser scale than with a normal convolution, but more efficient
○ A form of “dimensionality reduction” similar to pooling
◉ Stacked dilated convolutions enable very large receptive fields with few layers.
“The receptive field, or sensory space, is a delimited medium where some physiological stimuli
can evoke a sensory neuronal response in specific organisms.”
10
Causal dilated convolutions
11
(Visualization of a stack of causal dilated convolutional layers)
Causal dilated convolutions
◉ Implemented in TensorFlow as tf.nn.atrous_conv2d. (Name comes from “à trous” in French, i.e.
“with holes”.)
◉ Paper uses exponentially doubling dilations up to a limit, and then repeated:
1, 2, 4, ..., 512, 1, 2, 4, ..., 512, 1, 2, 4, ..., 512.
◉ Each 1,2,4, ..., 512 block has a receptive field of size 1024, a more efficient counterpart of 1 × 1024
convolution.
◉ Stacking these units further increases model expressivity.
12
Gated activation units
13
Gated Activation Unit
◉ Gated activation units, same as used in gated PixelCNN
∗: convolution; ⊙: element-wise multiplication
σ: sigmoid function
k: layer index; f: filter; g: gate
W : convolution filter
◉ Empirically found to outperform ReLUs.
Residual?
◉ In traditional neural networks, each layer feeds into the next layer. In a network with residual
blocks, each layer feeds into the next layer and directly into the layers about 2–3 hops away.
14
Optimizing the residual F(x) := H(x) − x is more tractable for
deeper networks.
Residual & Skip connections
◉ Both residual and parameterised skip connections are used throughout the network, to speed up
convergence and enable training of much deeper models.
15
Data preprocessing
Why preprocessing? Compression!
3
16
Data preprocessing
◉ Input and output are sequence of one-hot vectors, not scalers.
,where input: {x1 , . . . , xt-1} time series data, output: xt
◉ Original case
○ Audio data is a sequence of 16-bit int, range of 16-bit int is [-32768, 32767]
○ Dimension of the softmax layer will be 65,536
◉ They used μ-law algorithm to decrease the output size of the softmax layer.
17
Mu-law algorithm
[-32768, 32767] (16-bit int)
↓
[0, 255] (8-bit int)
↓
[0, 255] (8-bit int)
↓
[-32768, 32767] (16-bit int)
18
Mu-law encoding
Mu-law decoding
Model generating
◉ They used μ-law algorithm to decrease the
output size of the softmax layer.
,where μ = 255
◉ The vector size:
Paper experiments
Generating music of specific instrument
4
19
Paper experiments
◉ Datasets
○ MagnaTagATune dataset — 200 hours of audio, annotated with tags describing genre,
instrumentation, tempo, volume, mood
○ YouTube piano dataset — 60 hours of solo piano music (easier to model, since
constrained to a single instrument)
◉ Enlarging receptive field was crucial to obtain samples that sound musical.
◉ Nevertheless, the samples were often harmonic and aesthetically pleasing, even when
produced by unconditional models.
◉ Some clips:
20
Inference
experiments
Generating specific genre of music
4
21
Inference experiments
◉ As the paper doesn’t come along with official code, I instead use source code from here.
◉ This is a TensorFlow implementation of the WaveNet generative neural network architecture
for audio generation.
◉ Using GTZAN Dataset-Blues for experimental training, it contains 100 wav file that are
categorized as blues.
◉ So far, I’ve taken three attempts. For each time, it takes two days to train the a WaveNet
model with training steps set as 100k.
22
Inference experiments
◉ First attempt after fixing some path and environment bugs.
◉ The first generated audio was lousy, after carefully reading the codes, I found that there is a
constraint that only 16k wav are allowed as data. Thus, I ran the following command:
◉ SoX is a cross-platform command line utility that can convert various formats of computer
audio files in to other formats.
◉ After that, the second attempt gives result:
23
Inference experiments
◉ The second generated audio sounds intriguing, like punching effect.
◉ From my perspective, it stands a fair chance that the reason causing this phenomenon is
because of various loudness each music data holds.
◉ I mastered every music data with a commonly used loudness meter, LKFS, and aiming for
-10LKFS. (Youtube uses loudness reference as -24LKFS.)
◉ Loudness, K-weighted, relative to full scale (LKFS) is a standard loudness measurement unit
used for audio normalization in broadcast television systems and other video and music
streaming services.
24
Inference experiments
◉ LKFS library for c++/python
◉ The third generated audio has a better content, though not good enough to be called music.
◉ The reason why generating specific genre of music may not work perhaps lies in the input data
itself, since many of them has their own tempo, keys, and instrumentation. (Although, blues
already shares a common form.)
◉ To derive a better result, some condition in training must be set.
25
Conclusion
4
26
Conclusion
◉ WaveNet operates directly at the waveform level.
◉ WaveNet combines causal filters with dilated convolutions that enables receptive fields to
grow exponentially with depth, which is important to model the long-range temporal
dependencies in audio signals.
◉ WaveNet can generate good results on real-world problems, since it guarantees the quality
of audio.
◉ The fact that directly generating timestep per timestep with deep neural networks works at
all for 16kHz audio is really surprising, whereas its slowness on inferencing.
27
28
References
https://benanne.github.io/2020/03/24/audio-generation.html
https://www.analyticsvidhya.com/blog/2020/01/how-to-perform-automatic-music-generation/
https://deepmind.com/blog/article/wavenet-generative-model-raw-audio
https://hackmd.io/ALiK8RglQ1KvbcN3ogwpuw?view#Loudness
https://github.com/buriburisuri/speech-to-text-wavenet
https://www.youtube.com/watch?v=CqFIVCD1WWo
https://www.youtube.com/watch?v=KCk1i5xRxLA
https://arxiv.org/pdf/1609.03499.pdf
https://ai.googleblog.com/2015/09/google-voice-search-faster-and-more.html
https://en.wikipedia.org/wiki/Vocoder
https://en.wikipedia.org/wiki/WaveNet
https://en.wikipedia.org/wiki/LKFS
https://github.com/csteinmetz1/pyloudnorm
https://github.com/jasonho610/ITU-R_BS.1770-4_cpp
https://stackoverflow.com/questions/23980283/sox-resample-and-convert
https://www.kaggle.com/andradaolteanu/gtzan-dataset-music-genre-classification
https://en.wikipedia.org/wiki/%CE%9C-law_algorithm
https://baike.baidu.com/item/mu-law/4857952
https://en.wikipedia.org/wiki/Residual_neural_network
https://towardsdatascience.com/residual-blocks-building-blocks-of-resnet-fd90ca15d6ec
http://arxiv.org/abs/1606.05328.
https://www.britannica.com/science/receptive-field
Any questions ?
You can find me at
◉ jasonho610@gmail.com
◉ NTNU-SMIL
Thanks!
29

More Related Content

What's hot

Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkRichard Kuo
 
Object Detection with Transformers
Object Detection with TransformersObject Detection with Transformers
Object Detection with TransformersDatabricks
 
Introduction To Video Compression
Introduction To Video CompressionIntroduction To Video Compression
Introduction To Video Compressionguestdd7ccca
 
Deep Learning - Optimization Basic
Deep Learning - Optimization BasicDeep Learning - Optimization Basic
Deep Learning - Optimization BasicJaehyun Jun
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architecturesananth
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowNicholas McClure
 
a deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationa deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationJEE HYUN PARK
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNNAshray Bhandare
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierNeha Kulkarni
 
Survey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSurvey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSwatiNarkhede1
 
Machine Learning approaches at video compression
Machine Learning approaches at video compression Machine Learning approaches at video compression
Machine Learning approaches at video compression Roberto Iacoviello
 
Model compression
Model compressionModel compression
Model compressionNanhee Kim
 
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...hyunyoung Lee
 
Bag the model with bagging
Bag the model with baggingBag the model with bagging
Bag the model with baggingChode Amarnath
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AIIRJET Journal
 
DiffusionMBIR_presentation_slide.pptx
DiffusionMBIR_presentation_slide.pptxDiffusionMBIR_presentation_slide.pptx
DiffusionMBIR_presentation_slide.pptxChung Hyung Jin
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...Simplilearn
 

What's hot (20)

Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Object Detection with Transformers
Object Detection with TransformersObject Detection with Transformers
Object Detection with Transformers
 
Resnet
ResnetResnet
Resnet
 
Introduction To Video Compression
Introduction To Video CompressionIntroduction To Video Compression
Introduction To Video Compression
 
Deep Learning - Optimization Basic
Deep Learning - Optimization BasicDeep Learning - Optimization Basic
Deep Learning - Optimization Basic
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
 
a deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationa deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarization
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
 
AlexNet
AlexNetAlexNet
AlexNet
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Survey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer VisionSurvey of Attention mechanism & Use in Computer Vision
Survey of Attention mechanism & Use in Computer Vision
 
Machine Learning approaches at video compression
Machine Learning approaches at video compression Machine Learning approaches at video compression
Machine Learning approaches at video compression
 
Model compression
Model compressionModel compression
Model compression
 
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...
(Paper Seminar detailed version) BART: Denoising Sequence-to-Sequence Pre-tra...
 
Bag the model with bagging
Bag the model with baggingBag the model with bagging
Bag the model with bagging
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AI
 
DiffusionMBIR_presentation_slide.pptx
DiffusionMBIR_presentation_slide.pptxDiffusionMBIR_presentation_slide.pptx
DiffusionMBIR_presentation_slide.pptx
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
 

Similar to WaveNet.pdf

[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun YooJaeJun Yoo
 
Toward wave net speech synthesis
Toward wave net speech synthesisToward wave net speech synthesis
Toward wave net speech synthesisNAVER Engineering
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)SungminYou
 
Transformer-based SE.pptx
Transformer-based SE.pptxTransformer-based SE.pptx
Transformer-based SE.pptxssuser849b73
 
Deep Learning Based Voice Activity Detection and Speech Enhancement
Deep Learning Based Voice Activity Detection and Speech EnhancementDeep Learning Based Voice Activity Detection and Speech Enhancement
Deep Learning Based Voice Activity Detection and Speech EnhancementNAVER Engineering
 
how to understand and implement the "WAVENET"
how to understand and implement the "WAVENET"how to understand and implement the "WAVENET"
how to understand and implement the "WAVENET"Adonis Han
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054Jinwon Lee
 
Audio Inpainting with D2WGAN.pdf
Audio Inpainting with D2WGAN.pdfAudio Inpainting with D2WGAN.pdf
Audio Inpainting with D2WGAN.pdfssuser849b73
 
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Saurabh Kaushik
 
Speaker Dependent WaveNet Vocoder
Speaker Dependent WaveNet VocoderSpeaker Dependent WaveNet Vocoder
Speaker Dependent WaveNet VocoderAkira Tamamori
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsShunta Saito
 
Group Communication Techniques in Overlay Networks
Group Communication Techniques in Overlay NetworksGroup Communication Techniques in Overlay Networks
Group Communication Techniques in Overlay NetworksKnut-Helge Vik
 
final ppt BATCH 3.pptx
final ppt BATCH 3.pptxfinal ppt BATCH 3.pptx
final ppt BATCH 3.pptxMounika715343
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Julien SIMON
 

Similar to WaveNet.pdf (20)

[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo
 
Voice Cloning
Voice CloningVoice Cloning
Voice Cloning
 
Toward wave net speech synthesis
Toward wave net speech synthesisToward wave net speech synthesis
Toward wave net speech synthesis
 
Conv-TasNet.pdf
Conv-TasNet.pdfConv-TasNet.pdf
Conv-TasNet.pdf
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)
 
Transformer-based SE.pptx
Transformer-based SE.pptxTransformer-based SE.pptx
Transformer-based SE.pptx
 
Deep Learning Based Voice Activity Detection and Speech Enhancement
Deep Learning Based Voice Activity Detection and Speech EnhancementDeep Learning Based Voice Activity Detection and Speech Enhancement
Deep Learning Based Voice Activity Detection and Speech Enhancement
 
how to understand and implement the "WAVENET"
how to understand and implement the "WAVENET"how to understand and implement the "WAVENET"
how to understand and implement the "WAVENET"
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054
 
Audio Inpainting with D2WGAN.pdf
Audio Inpainting with D2WGAN.pdfAudio Inpainting with D2WGAN.pdf
Audio Inpainting with D2WGAN.pdf
 
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2 Engineering Intelligent NLP Applications Using Deep Learning – Part 2
Engineering Intelligent NLP Applications Using Deep Learning – Part 2
 
Speaker Dependent WaveNet Vocoder
Speaker Dependent WaveNet VocoderSpeaker Dependent WaveNet Vocoder
Speaker Dependent WaveNet Vocoder
 
Research_Wu.pptx
Research_Wu.pptxResearch_Wu.pptx
Research_Wu.pptx
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
 
Group Communication Techniques in Overlay Networks
Group Communication Techniques in Overlay NetworksGroup Communication Techniques in Overlay Networks
Group Communication Techniques in Overlay Networks
 
Sudormrf.pdf
Sudormrf.pdfSudormrf.pdf
Sudormrf.pdf
 
final ppt BATCH 3.pptx
final ppt BATCH 3.pptxfinal ppt BATCH 3.pptx
final ppt BATCH 3.pptx
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
Wavesplit.pdf
Wavesplit.pdfWavesplit.pdf
Wavesplit.pdf
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 

Recently uploaded

Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfsumitt6_25730773
 
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...vershagrag
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...HenryBriggs2
 
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Call Girls Mumbai
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueBhangaleSonal
 
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...drmkjayanthikannan
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTbhaskargani46
 
Digital Communication Essentials: DPCM, DM, and ADM .pptx
Digital Communication Essentials: DPCM, DM, and ADM .pptxDigital Communication Essentials: DPCM, DM, and ADM .pptx
Digital Communication Essentials: DPCM, DM, and ADM .pptxpritamlangde
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Arindam Chakraborty, Ph.D., P.E. (CA, TX)
 
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...jabtakhaidam7
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdfKamal Acharya
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . pptDineshKumar4165
 
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxS1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxSCMS School of Architecture
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayEpec Engineered Technologies
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARKOUSTAV SARKAR
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.Kamal Acharya
 
Moment Distribution Method For Btech Civil
Moment Distribution Method For Btech CivilMoment Distribution Method For Btech Civil
Moment Distribution Method For Btech CivilVinayVitekari
 
Computer Networks Basics of Network Devices
Computer Networks  Basics of Network DevicesComputer Networks  Basics of Network Devices
Computer Networks Basics of Network DevicesChandrakantDivate1
 

Recently uploaded (20)

Introduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdfIntroduction to Data Visualization,Matplotlib.pdf
Introduction to Data Visualization,Matplotlib.pdf
 
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...
💚Trustworthy Call Girls Pune Call Girls Service Just Call 🍑👄6378878445 🍑👄 Top...
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
 
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
Bhubaneswar🌹Call Girls Bhubaneswar ❤Komal 9777949614 💟 Full Trusted CALL GIRL...
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torque
 
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...
Unit 4_Part 1 CSE2001 Exception Handling and Function Template and Class Temp...
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
Digital Communication Essentials: DPCM, DM, and ADM .pptx
Digital Communication Essentials: DPCM, DM, and ADM .pptxDigital Communication Essentials: DPCM, DM, and ADM .pptx
Digital Communication Essentials: DPCM, DM, and ADM .pptx
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
 
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...
Jaipur ❤CALL GIRL 0000000000❤CALL GIRLS IN Jaipur ESCORT SERVICE❤CALL GIRL IN...
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
 
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxS1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.
 
Moment Distribution Method For Btech Civil
Moment Distribution Method For Btech CivilMoment Distribution Method For Btech Civil
Moment Distribution Method For Btech Civil
 
Computer Networks Basics of Network Devices
Computer Networks  Basics of Network DevicesComputer Networks  Basics of Network Devices
Computer Networks Basics of Network Devices
 
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
 

WaveNet.pdf