Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
SlideShare a Scribd company logo
Optimization in Deep Learning
Houston Machine Learning Deep Learning Series
How to get to the lake
Roadmap
• Tour of machine learning algorithms (1 session)
• Feature engineering (1 session)
• Feature selection - Yan
• Supervised learning (4 sessions)
• Regression models -Yan
• SVM and kernel SVM - Yan
• Tree-based models - Dario
• Bayesian method - Xiaoyang
• Ensemble models - Yan
• Unsupervised learning (3 sessions)
• K-means clustering
• DBSCAN - Cheng
• Mean shift
• Agglomerative clustering – Kunal
• Spectral clustering – Yan
• Dimension reduction for data visualization - Yan
• Deep learning
• Neural network - Yan
• Convolutional neural network – Hengyang Lu
• Recurrent neural networks – Yan
• Hands-on session with deep nets - Yan
Slides posted on:
http://www.slideshare.net/xuyangela
More deep learning coming up!
• Optimization in Deep learning (today’s session)
• Behind AlphaGo
• Mastering the game of Go with deep neural networks
and tree search
• Attention network
• Application of Deep Learning and showcase
Outline
• Gradient Descent
• Stochastic Gradient Descent (SGD)
• Variants of SGD
• Use “momentum”
• Nestrov’s Accelerated Gradient (NAG)
• Adaptive Gradient (AdaGrad)
• Root Mean Square Propagation (RMSProp)
• Adaptive Moment Estimation (Adam)
Gradient descent
Gradient descent
Scaling to large N
Stochastic Gradient Descent (SGD)
Mini-batch SGD
-Speed
Performance comparison
SGD recommendation
• Randomly shuffle training samples
• Monitor training and validation error
• Experiment learning rates using small sample of
training set
• Leverage sparsity of training samples
• Varying learning rate:
Variants of SGD
• Use “momentum”
• Nestrov’s Accelerated Gradient (NAG)
• Adaptive Gradient (AdaGrad)
• Root Mean Square Propagation (RMSProp)
• Adaptive Moment Estimation (Adam)
Ref:
https://moodle2.cs.huji.ac.il/nu15/pluginfile.php/316969/mod_resource/conte
nt/1/adam_pres.pdf
Performance comparison
http://www.denizyuret.com/2015/03/alec-radfords-animations-for.html
Long Valley
http://www.denizyuret.com/2015/03/alec-radfords-animations-for.html
Saddle point
http://www.denizyuret.com/2015/03/alec-radfords-animations-for.html
The momentum method by Dr. Geoffrey Hinton
https://www.youtube.com/watch?v=LdkkZglLZ0Q&list=PLoRl3Ht4JOcdU872GhiYWf6jwrk_SNhz9&index=27
SGD with momentum
Start with 0.5
NAG (Nesterov’s Accelerated Gradient)
AdaGrad
Adaptive learning rate:
• weights that receive high gradients will have their
effective learning rate reduced
• weights that receive small or infrequent updates
will have their effective learning rate increased
RMSProp
Adam
Adam
Comparisons of Different Optimization
Methods
MINIST
Comparisons of Different Optimization
Methods
CIFAR-10
Comparisons of Different Optimization
Methods
Summary of learning methods for DL
https://www.youtube.com/watch?v=defQQqkXEfE&list=PLoRl3Ht4JOcdU872GhiYWf6jwrk_SNhz9&index=29 from:7:33
Try it out!
From hands-on session: https://www.dropbox.com/s/92sckhnf1hjgjlo/CNN.zip?dl=0
model = Sequential()
model.add(Conv2D(32, (3, 3), input_shape=input_shape))
model.add(Activation('relu'))
model.add(MaxPooling2D(pool_size=(2, 2)))
…….
model.add(Flatten())
model.add(Dense(64))
model.add(Activation('relu'))
model.add(Dropout(0.5))
model.add(Dense(1))
model.add(Activation('sigmoid'))
model.compile(loss='binary_crossentropy', optimizer='rmsprop', metrics=['accuracy'])
Optimizer: SGD, RMSprop, Adagrad, Adam…. (https://keras.io/optimizers/)
Summary
Full-batch
GD
SGD
Momentum
SGD
NAG
AdaGrad
RMSProp
Adam
Speed up by
momentum
Adaptive learning rate
More deep learning coming up!
• Optimization in Deep learning (today’s session)
• Behind AlphaGo
• Mastering the game of Go with deep neural networks
and tree search
• Attention network
• Application of Deep Learning and showcase
• Any proposal?
Thank you
Slides will be posted at: http://www.slideshare.net/xuyangela
Leave a
group
review
please 

More Related Content

What's hot

Metaheuristic Algorithms: A Critical Analysis
Metaheuristic Algorithms: A Critical AnalysisMetaheuristic Algorithms: A Critical Analysis
Metaheuristic Algorithms: A Critical Analysis
Xin-She Yang
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
Prof. Neeta Awasthy
 
Deep Belief Networks
Deep Belief NetworksDeep Belief Networks
Deep Belief Networks
Hasan H Topcu
 
Overview on Optimization algorithms in Deep Learning
Overview on Optimization algorithms in Deep LearningOverview on Optimization algorithms in Deep Learning
Overview on Optimization algorithms in Deep Learning
Khang Pham
 
Introduction to XGBoost
Introduction to XGBoostIntroduction to XGBoost
Introduction to XGBoost
Joonyoung Yi
 
Simulated Annealing
Simulated AnnealingSimulated Annealing
Simulated Annealing
Joy Dutta
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descent
kandelin
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods
Marina Santini
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational Autoencoder
Mark Chang
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Edureka!
 
Deep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and RegularizationDeep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and Regularization
Yan Xu
 
Optimization Using Evolutionary Computing Techniques
Optimization Using Evolutionary Computing Techniques Optimization Using Evolutionary Computing Techniques
Optimization Using Evolutionary Computing Techniques
Siksha 'O' Anusandhan (Deemed to be University )
 
Reinforcement learning 7313
Reinforcement learning 7313Reinforcement learning 7313
Reinforcement learning 7313
Slideshare
 
Feedforward neural network
Feedforward neural networkFeedforward neural network
Feedforward neural network
Sopheaktra YONG
 
Linear regression
Linear regressionLinear regression
Linear regression
MartinHogg9
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
AyanaRukasar
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
Prakhar Rastogi
 
Particle Swarm Optimization - PSO
Particle Swarm Optimization - PSOParticle Swarm Optimization - PSO
Particle Swarm Optimization - PSO
Mohamed Talaat
 
Particle swarm optimization
Particle swarm optimizationParticle swarm optimization
Particle swarm optimization
anurag singh
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptx
MAHMOUD729246
 

What's hot (20)

Metaheuristic Algorithms: A Critical Analysis
Metaheuristic Algorithms: A Critical AnalysisMetaheuristic Algorithms: A Critical Analysis
Metaheuristic Algorithms: A Critical Analysis
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
 
Deep Belief Networks
Deep Belief NetworksDeep Belief Networks
Deep Belief Networks
 
Overview on Optimization algorithms in Deep Learning
Overview on Optimization algorithms in Deep LearningOverview on Optimization algorithms in Deep Learning
Overview on Optimization algorithms in Deep Learning
 
Introduction to XGBoost
Introduction to XGBoostIntroduction to XGBoost
Introduction to XGBoost
 
Simulated Annealing
Simulated AnnealingSimulated Annealing
Simulated Annealing
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descent
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational Autoencoder
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
 
Deep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and RegularizationDeep Feed Forward Neural Networks and Regularization
Deep Feed Forward Neural Networks and Regularization
 
Optimization Using Evolutionary Computing Techniques
Optimization Using Evolutionary Computing Techniques Optimization Using Evolutionary Computing Techniques
Optimization Using Evolutionary Computing Techniques
 
Reinforcement learning 7313
Reinforcement learning 7313Reinforcement learning 7313
Reinforcement learning 7313
 
Feedforward neural network
Feedforward neural networkFeedforward neural network
Feedforward neural network
 
Linear regression
Linear regressionLinear regression
Linear regression
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 
Particle Swarm Optimization - PSO
Particle Swarm Optimization - PSOParticle Swarm Optimization - PSO
Particle Swarm Optimization - PSO
 
Particle swarm optimization
Particle swarm optimizationParticle swarm optimization
Particle swarm optimization
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptx
 

Similar to Optimization in Deep Learning

Spectral clustering - Houston ML Meetup
Spectral clustering - Houston ML MeetupSpectral clustering - Houston ML Meetup
Spectral clustering - Houston ML Meetup
Yan Xu
 
Kaggle nlp approaches
Kaggle nlp approachesKaggle nlp approaches
Kaggle nlp approaches
prabu palanisamy
 
Classification of Grasp Patterns using sEMG
Classification of Grasp Patterns using sEMGClassification of Grasp Patterns using sEMG
Classification of Grasp Patterns using sEMG
Priyanka Reddy
 
Apache con big data 2015 - Data Science from the trenches
Apache con big data 2015 - Data Science from the trenchesApache con big data 2015 - Data Science from the trenches
Apache con big data 2015 - Data Science from the trenches
Vinay Shukla
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
Yan Xu
 
Saturn - UCSD CNS Research Review
Saturn - UCSD CNS Research ReviewSaturn - UCSD CNS Research Review
Saturn - UCSD CNS Research Review
KabirNagrecha
 
Saturn: Joint Optimization for Large-Model Deep Learning
Saturn: Joint Optimization for Large-Model Deep LearningSaturn: Joint Optimization for Large-Model Deep Learning
Saturn: Joint Optimization for Large-Model Deep Learning
KabirNagrecha
 
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearnPrediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
Josef A. Habdank
 
Machine Learning for Everyone
Machine Learning for EveryoneMachine Learning for Everyone
Machine Learning for Everyone
Aly Abdelkareem
 
Spark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef HabdankSpark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef Habdank
Spark Summit
 
An overview of gradient descent optimization algorithms.pdf
An overview of gradient descent optimization algorithms.pdfAn overview of gradient descent optimization algorithms.pdf
An overview of gradient descent optimization algorithms.pdf
vudinhphuong96
 
MSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for ADMSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for AD
Mayank Gupta
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
Databricks
 
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
민진 최
 
GANs for Anti Money Laundering
GANs for Anti Money LaunderingGANs for Anti Money Laundering
GANs for Anti Money Laundering
Jim Dowling
 
Data mining with Weka
Data mining with WekaData mining with Weka
Data mining with Weka
AlbanLevy
 
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
VisageCloud
 
InfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition ArchitectureInfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition Architecture
Bogdan Bocse
 
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
Lionel Briand
 
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ..."Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
Edge AI and Vision Alliance
 

Similar to Optimization in Deep Learning (20)

Spectral clustering - Houston ML Meetup
Spectral clustering - Houston ML MeetupSpectral clustering - Houston ML Meetup
Spectral clustering - Houston ML Meetup
 
Kaggle nlp approaches
Kaggle nlp approachesKaggle nlp approaches
Kaggle nlp approaches
 
Classification of Grasp Patterns using sEMG
Classification of Grasp Patterns using sEMGClassification of Grasp Patterns using sEMG
Classification of Grasp Patterns using sEMG
 
Apache con big data 2015 - Data Science from the trenches
Apache con big data 2015 - Data Science from the trenchesApache con big data 2015 - Data Science from the trenches
Apache con big data 2015 - Data Science from the trenches
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Saturn - UCSD CNS Research Review
Saturn - UCSD CNS Research ReviewSaturn - UCSD CNS Research Review
Saturn - UCSD CNS Research Review
 
Saturn: Joint Optimization for Large-Model Deep Learning
Saturn: Joint Optimization for Large-Model Deep LearningSaturn: Joint Optimization for Large-Model Deep Learning
Saturn: Joint Optimization for Large-Model Deep Learning
 
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearnPrediction as a service with ensemble model in SparkML and Python ScikitLearn
Prediction as a service with ensemble model in SparkML and Python ScikitLearn
 
Machine Learning for Everyone
Machine Learning for EveryoneMachine Learning for Everyone
Machine Learning for Everyone
 
Spark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef HabdankSpark Summit EU talk by Josef Habdank
Spark Summit EU talk by Josef Habdank
 
An overview of gradient descent optimization algorithms.pdf
An overview of gradient descent optimization algorithms.pdfAn overview of gradient descent optimization algorithms.pdf
An overview of gradient descent optimization algorithms.pdf
 
MSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for ADMSCV Capstone Spring 2020 Presentation - RL for AD
MSCV Capstone Spring 2020 Presentation - RL for AD
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
 
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
 
GANs for Anti Money Laundering
GANs for Anti Money LaunderingGANs for Anti Money Laundering
GANs for Anti Money Laundering
 
Data mining with Weka
Data mining with WekaData mining with Weka
Data mining with Weka
 
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
Scaling Face Recognition with Big Data - Key Notes at DevTalks Bucharest 2017
 
InfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition ArchitectureInfoEducatie - Face Recognition Architecture
InfoEducatie - Face Recognition Architecture
 
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
Efficient Online Testing for DNN-Enabled Systems using Surrogate-Assisted and...
 
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ..."Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
"Energy-efficient Hardware for Embedded Vision and Deep Convolutional Neural ...
 

More from Yan Xu

Kaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales ForecastingKaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales Forecasting
Yan Xu
 
Basics of Dynamic programming
Basics of Dynamic programming Basics of Dynamic programming
Basics of Dynamic programming
Yan Xu
 
Walking through Tensorflow 2.0
Walking through Tensorflow 2.0Walking through Tensorflow 2.0
Walking through Tensorflow 2.0
Yan Xu
 
Practical contextual bandits for business
Practical contextual bandits for businessPractical contextual bandits for business
Practical contextual bandits for business
Yan Xu
 
Introduction to Multi-armed Bandits
Introduction to Multi-armed BanditsIntroduction to Multi-armed Bandits
Introduction to Multi-armed Bandits
Yan Xu
 
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack WangA Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
Yan Xu
 
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Yan Xu
 
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Yan Xu
 
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Yan Xu
 
Introduction to Autoencoders
Introduction to AutoencodersIntroduction to Autoencoders
Introduction to Autoencoders
Yan Xu
 
State of enterprise data science
State of enterprise data scienceState of enterprise data science
State of enterprise data science
Yan Xu
 
Long Short Term Memory
Long Short Term MemoryLong Short Term Memory
Long Short Term Memory
Yan Xu
 
Linear algebra and probability (Deep Learning chapter 2&3)
Linear algebra and probability (Deep Learning chapter 2&3)Linear algebra and probability (Deep Learning chapter 2&3)
Linear algebra and probability (Deep Learning chapter 2&3)
Yan Xu
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
Yan Xu
 
Secrets behind AlphaGo
Secrets behind AlphaGoSecrets behind AlphaGo
Secrets behind AlphaGo
Yan Xu
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
Yan Xu
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural Network
Yan Xu
 
Nonlinear dimension reduction
Nonlinear dimension reductionNonlinear dimension reduction
Nonlinear dimension reduction
Yan Xu
 
Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering
Yan Xu
 
K means and dbscan
K means and dbscanK means and dbscan
K means and dbscan
Yan Xu
 

More from Yan Xu (20)

Kaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales ForecastingKaggle winning solutions: Retail Sales Forecasting
Kaggle winning solutions: Retail Sales Forecasting
 
Basics of Dynamic programming
Basics of Dynamic programming Basics of Dynamic programming
Basics of Dynamic programming
 
Walking through Tensorflow 2.0
Walking through Tensorflow 2.0Walking through Tensorflow 2.0
Walking through Tensorflow 2.0
 
Practical contextual bandits for business
Practical contextual bandits for businessPractical contextual bandits for business
Practical contextual bandits for business
 
Introduction to Multi-armed Bandits
Introduction to Multi-armed BanditsIntroduction to Multi-armed Bandits
Introduction to Multi-armed Bandits
 
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack WangA Data-Driven Question Generation Model for Educational Content - by Jack Wang
A Data-Driven Question Generation Model for Educational Content - by Jack Wang
 
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
Deep Learning Approach in Characterizing Salt Body on Seismic Images - by Zhe...
 
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
Deep Hierarchical Profiling & Pattern Discovery: Application to Whole Brain R...
 
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
Detecting anomalies on rotating equipment using Deep Stacked Autoencoders - b...
 
Introduction to Autoencoders
Introduction to AutoencodersIntroduction to Autoencoders
Introduction to Autoencoders
 
State of enterprise data science
State of enterprise data scienceState of enterprise data science
State of enterprise data science
 
Long Short Term Memory
Long Short Term MemoryLong Short Term Memory
Long Short Term Memory
 
Linear algebra and probability (Deep Learning chapter 2&3)
Linear algebra and probability (Deep Learning chapter 2&3)Linear algebra and probability (Deep Learning chapter 2&3)
Linear algebra and probability (Deep Learning chapter 2&3)
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
 
Secrets behind AlphaGo
Secrets behind AlphaGoSecrets behind AlphaGo
Secrets behind AlphaGo
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural Network
 
Nonlinear dimension reduction
Nonlinear dimension reductionNonlinear dimension reduction
Nonlinear dimension reduction
 
Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering Mean shift and Hierarchical clustering
Mean shift and Hierarchical clustering
 
K means and dbscan
K means and dbscanK means and dbscan
K means and dbscan
 

Recently uploaded

Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
Dr Sumitha Jagadibabu
 
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGYASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
sabaridaran1310
 
SFCC Biologists' Meeting - Ayrshire Update 2024.pptx
SFCC Biologists' Meeting - Ayrshire Update 2024.pptxSFCC Biologists' Meeting - Ayrshire Update 2024.pptx
SFCC Biologists' Meeting - Ayrshire Update 2024.pptx
Scottish Fisheries Co Ordination Centre
 
Aim: To estimate vital capacity of lungs using balloons
Aim: To estimate vital capacity of lungs using balloonsAim: To estimate vital capacity of lungs using balloons
Aim: To estimate vital capacity of lungs using balloons
SELF-EXPLANATORY
 
INSET Power point presentation Science Session 7.pptx.pdf
INSET Power point presentation Science Session 7.pptx.pdfINSET Power point presentation Science Session 7.pptx.pdf
INSET Power point presentation Science Session 7.pptx.pdf
MishaWilliams2
 
Using Excel to Expose pi and Discover 'pi'
Using Excel to Expose pi and Discover 'pi'Using Excel to Expose pi and Discover 'pi'
Using Excel to Expose pi and Discover 'pi'
Sabine Kurjo McNeill
 
SESSION _ Powerpoint HANDOUTS_TEMPLATES.docx
SESSION _ Powerpoint  HANDOUTS_TEMPLATES.docxSESSION _ Powerpoint  HANDOUTS_TEMPLATES.docx
SESSION _ Powerpoint HANDOUTS_TEMPLATES.docx
MishaWilliams2
 
INSET powerpoint presentation Session 1.pptx.pdf
INSET powerpoint presentation  Session 1.pptx.pdfINSET powerpoint presentation  Session 1.pptx.pdf
INSET powerpoint presentation Session 1.pptx.pdf
MishaWilliams2
 
2025 SXSW AI For Climate Change Panel Proposal
2025 SXSW AI For Climate Change Panel Proposal2025 SXSW AI For Climate Change Panel Proposal
2025 SXSW AI For Climate Change Panel Proposal
ayousuf1101
 
SFCC Biologists' Meeting - Spey Update 2024.pptx
SFCC Biologists' Meeting - Spey Update 2024.pptxSFCC Biologists' Meeting - Spey Update 2024.pptx
SFCC Biologists' Meeting - Spey Update 2024.pptx
Scottish Fisheries Co Ordination Centre
 
SFCC Biologists' Meeting - Wester Ross Update 2024.pdf
SFCC Biologists' Meeting - Wester Ross Update 2024.pdfSFCC Biologists' Meeting - Wester Ross Update 2024.pdf
SFCC Biologists' Meeting - Wester Ross Update 2024.pdf
Scottish Fisheries Co Ordination Centre
 
Special Vegetative Structures
Special Vegetative StructuresSpecial Vegetative Structures
Special Vegetative Structures
learnwithanandhi
 
The CENIC-AI Resource: The Right Connection
The CENIC-AI Resource: The Right ConnectionThe CENIC-AI Resource: The Right Connection
The CENIC-AI Resource: The Right Connection
Larry Smarr
 
Different types of layering in Plants
Different types of layering in PlantsDifferent types of layering in Plants
Different types of layering in Plants
learnwithanandhi
 
Surface appendages: Bacterial Flagella and pili.pptx
Surface appendages: Bacterial Flagella and pili.pptxSurface appendages: Bacterial Flagella and pili.pptx
Surface appendages: Bacterial Flagella and pili.pptx
511RithikaR
 
SFCC Biologists' Meeting - Deveron Update 2024.pptx
SFCC Biologists' Meeting - Deveron Update 2024.pptxSFCC Biologists' Meeting - Deveron Update 2024.pptx
SFCC Biologists' Meeting - Deveron Update 2024.pptx
Scottish Fisheries Co Ordination Centre
 
SFCC Biologist's Meeting - Ness Update 2024.pptx
SFCC Biologist's Meeting - Ness Update 2024.pptxSFCC Biologist's Meeting - Ness Update 2024.pptx
SFCC Biologist's Meeting - Ness Update 2024.pptx
Scottish Fisheries Co Ordination Centre
 
Black soldier fly .
Black soldier fly                       .Black soldier fly                       .
Black soldier fly .
sankpalpranit
 
INSIGHT Partner Profile: Hanyang University
INSIGHT Partner Profile: Hanyang UniversityINSIGHT Partner Profile: Hanyang University
INSIGHT Partner Profile: Hanyang University
Steffi Friedrichs
 
Animal Classification Based on 5 Kingdom Division.pdf
Animal Classification Based on 5 Kingdom Division.pdfAnimal Classification Based on 5 Kingdom Division.pdf
Animal Classification Based on 5 Kingdom Division.pdf
SELF-EXPLANATORY
 

Recently uploaded (20)

Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
Extremophile adaptation.docx.Thermophiles,Psychrophiles,Methanogens and Halop...
 
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGYASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
ASTRO MICROBIOLOGY or SPACE MICROBIOLOGY
 
SFCC Biologists' Meeting - Ayrshire Update 2024.pptx
SFCC Biologists' Meeting - Ayrshire Update 2024.pptxSFCC Biologists' Meeting - Ayrshire Update 2024.pptx
SFCC Biologists' Meeting - Ayrshire Update 2024.pptx
 
Aim: To estimate vital capacity of lungs using balloons
Aim: To estimate vital capacity of lungs using balloonsAim: To estimate vital capacity of lungs using balloons
Aim: To estimate vital capacity of lungs using balloons
 
INSET Power point presentation Science Session 7.pptx.pdf
INSET Power point presentation Science Session 7.pptx.pdfINSET Power point presentation Science Session 7.pptx.pdf
INSET Power point presentation Science Session 7.pptx.pdf
 
Using Excel to Expose pi and Discover 'pi'
Using Excel to Expose pi and Discover 'pi'Using Excel to Expose pi and Discover 'pi'
Using Excel to Expose pi and Discover 'pi'
 
SESSION _ Powerpoint HANDOUTS_TEMPLATES.docx
SESSION _ Powerpoint  HANDOUTS_TEMPLATES.docxSESSION _ Powerpoint  HANDOUTS_TEMPLATES.docx
SESSION _ Powerpoint HANDOUTS_TEMPLATES.docx
 
INSET powerpoint presentation Session 1.pptx.pdf
INSET powerpoint presentation  Session 1.pptx.pdfINSET powerpoint presentation  Session 1.pptx.pdf
INSET powerpoint presentation Session 1.pptx.pdf
 
2025 SXSW AI For Climate Change Panel Proposal
2025 SXSW AI For Climate Change Panel Proposal2025 SXSW AI For Climate Change Panel Proposal
2025 SXSW AI For Climate Change Panel Proposal
 
SFCC Biologists' Meeting - Spey Update 2024.pptx
SFCC Biologists' Meeting - Spey Update 2024.pptxSFCC Biologists' Meeting - Spey Update 2024.pptx
SFCC Biologists' Meeting - Spey Update 2024.pptx
 
SFCC Biologists' Meeting - Wester Ross Update 2024.pdf
SFCC Biologists' Meeting - Wester Ross Update 2024.pdfSFCC Biologists' Meeting - Wester Ross Update 2024.pdf
SFCC Biologists' Meeting - Wester Ross Update 2024.pdf
 
Special Vegetative Structures
Special Vegetative StructuresSpecial Vegetative Structures
Special Vegetative Structures
 
The CENIC-AI Resource: The Right Connection
The CENIC-AI Resource: The Right ConnectionThe CENIC-AI Resource: The Right Connection
The CENIC-AI Resource: The Right Connection
 
Different types of layering in Plants
Different types of layering in PlantsDifferent types of layering in Plants
Different types of layering in Plants
 
Surface appendages: Bacterial Flagella and pili.pptx
Surface appendages: Bacterial Flagella and pili.pptxSurface appendages: Bacterial Flagella and pili.pptx
Surface appendages: Bacterial Flagella and pili.pptx
 
SFCC Biologists' Meeting - Deveron Update 2024.pptx
SFCC Biologists' Meeting - Deveron Update 2024.pptxSFCC Biologists' Meeting - Deveron Update 2024.pptx
SFCC Biologists' Meeting - Deveron Update 2024.pptx
 
SFCC Biologist's Meeting - Ness Update 2024.pptx
SFCC Biologist's Meeting - Ness Update 2024.pptxSFCC Biologist's Meeting - Ness Update 2024.pptx
SFCC Biologist's Meeting - Ness Update 2024.pptx
 
Black soldier fly .
Black soldier fly                       .Black soldier fly                       .
Black soldier fly .
 
INSIGHT Partner Profile: Hanyang University
INSIGHT Partner Profile: Hanyang UniversityINSIGHT Partner Profile: Hanyang University
INSIGHT Partner Profile: Hanyang University
 
Animal Classification Based on 5 Kingdom Division.pdf
Animal Classification Based on 5 Kingdom Division.pdfAnimal Classification Based on 5 Kingdom Division.pdf
Animal Classification Based on 5 Kingdom Division.pdf
 

Optimization in Deep Learning

Editor's Notes

  1. Perpendicular contour