SlideShare ist ein Scribd-Unternehmen logo
1 von 28
Downloaden Sie, um offline zu lesen
Physics-ML のためのフレームワーク
NVIDIA Modulus 最新事情
Naruhiko Tan, Solution Architect, NVIDIA Japan
• What is NVIDIA Modulus
• Physics-ML use cases
• How to get started
Agenda
What is NVIDIA Modulus
AI Powered Computational Domains
Computational Eng.
Solid & Fluid
Mechanics,
Electromagnetics,
Thermal, Acoustics,
Optics, Electrical,
Multi-body Dynamics,
Design Materials,
Systems
Earth Sciences
Climate
Modeling,
Weather
Modeling,
Ocean Modeling,
Seismic
Interpretation
Life Sciences
Genomics,
Proteomics
Computational
Physics
Particle Science,
Astrophysics
Computational
Chemistry
Quantum
Chemistry,
Molecular
Dynamics
•Process/Product Design,
Manufacturing, Testing,
•In-Service
Using AI for simulations – How?
AI for simulations
• AI has already disrupted the way we think of computation in other domains and mapping to AI unleashes parallelism
• Doing once vs repetitive – learn once and infer over and over
*HPC+AI ってよく聞くけど結局なんなの, 山崎,
GTC2022 テクニカルフォローアップセミナー
NVIDIA Modulus
Platform for developing Physics ML surrogate model
• A training and inference pipeline - using
Physics (governing equations) and Data
(simulation/observations)
• Customizable and scalable platform
• Higher level of abstraction for domain
experts
• Build generalized AI surrogates for
parameterized domain
• Near real-time high-fidelity simulation
Modulus EULA – It’s free.
Developing digital twins for weather, climate, and energy [S41823]
12
Physics-ML categorization
Physics
Data
Fully data
driven
Inductive
bias
Physics
constrained
Fully physics
driven
Modulus Framework - Verification
15
MODULUS FRAMEWORK - VERIFICATION
CFD Solid Mechanics Acoustics
Laminar
Turbulent
16
Electromagnetics Vibrations Turbulence
MODULUS FRAMEWORK - VERIFICATION
Modulus
Modulus
Modulus
15
MODULUS FRAMEWORK - VERIFICATION
CFD Solid Mechanics Acoustics
aminar
bulent
15
MODULUS FRAMEWORK - VERIFICATION
CFD Solid Mechanics Acoustics
Laminar
Turbulent
16
Electromagnetics Vibrations Turbulence
MODULUS FRAMEWORK - VERIFICATION
Modulus
Modulus
Modulus
Modulus Framework - Performance
SINGLE GPU: Tensor Core Speed-Up for PDEs
A100 FP32 vs. TF32: Results, Compute Time, Loss
Modulus Framework - Performance
MULTI-GPU: Node Scalability
Physics-ML use cases
NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326]
Earth-2 Began by Exploring
Data-Driven Weather Prediction
Scope Global, Medium Range
Model Type Full-Model AI Surrogate
Architecture AFNO (Adaptive Fourier Neural Op.)
Resolution: 25km
Training Data: ERA5 Reanalysis
Initial Condition GFS / UFS
Inference Time 0.25 sec (2-week forecast)
Speedup vs NWP O(104-105)
Power Savings O(104)
FourCastNet
NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326]
Deuben & Bauer (2018), 6 , 60x30, 1.8K pixels, MLP
WeatherBench, Rasp et al. (2020). 5.625 , 64x32, 2K pixels, CNN
Weyn et al. (2019), 2.5 N.H only, 72x36, 2.6k pixels, ConvLSTM
DLWP, Weyn et al. (2020). 2 , 16K pixels, Deep CNN on Cubesphere/(2021) ResNet
FourCastNet, Pathak et al. (2022), 0.25 , ~1,000,000 Pixels, ViT+AFNO
GNN, Keisler et al. (2022), 1 , 64,000 Pixels, Graph Neural Networks
FourCastNet: A new data-driven weather predictor of unprecedented resolution
NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326]
We train FCN on ambitious amounts of data on large machines
Thanks to full-stack AI + HPC expertise we train on a growing amount of the world's petabytes of past weather data.
Time to solution decreased from 24+ hours to 67 minutes with model and data parallelism
FourCastNet: Accelerating Global High-Resolution Weather Forecasting using Adaptive Fourier Neural Operators, Kurth et al. (2022), https://arxiv.org/abs/2208.05419
NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326]
FCN skill improving with training ambition.
Could it one day outperform deterministic models? We don't yet know the limit.
Skill gap reduced by more than half
w.r.t IFS gold standard
Skill gap reduced by more than half
w.r.t IFS gold standard
Acronym Alert:
ACC: Anomaly Correlation Coefficient (metric of weather skill)
IFS: The Integrated Forecast System, a gold standard weather model
FCN: FourCastNet, our digital twin of weather.
Open-Source FourCastNet
Join us in pushing the frontiers of data-driven numerical weather prediction
https://github.com/NVlabs/FourCastNet
FourCastNet implementation using Modulus
Included in Modulus examples
https://docs.nvidia.com/deeplearning/modulus/user_guide/neural_operators/fourcastnet.html
WIND TURBINE WAKE OPTIMIZATION —
SIEMENS GAMESA
Use Case
§ Developing optimal engineering wake models to optimize wind
farm layouts
§ Simulating the effect that a turbine might have on another when
placed in close proximity
Challenges
§ Generating high-fidelity simulation data from Reynolds-averaged
Navier-Stokes (RANS) or Large Eddy Simulations (LES) can take
over a month to run, even on a 100-CPU cluster.
Solution
§ NVIDIA Omniverse and Modulus enable accurate, high-fidelity
simulations of the wake of the turbines, using low-resolution
simulations as inputs and applying super resolution using AI.
NVIDIA Solution Stack
§ Hardware: NVIDIA A100, A40, RTX 8000 GPUs
§ Software: NVIDIA Omniverse, NVIDIA Modulus
Outcome
§ Approximately 4,000X speedup for high-fidelity simulation
§ Optimizing wind farm layouts in real-time increases overall
production while reducing loads and operating costs.
Demo
WIND TURBINE WAKE OPTIMIZATION — SIEMENS GAMESA
Super resolution using AI
https://www.youtube.com/watch?v=mQuvYQmdbtw
Super Resolution Net and pix2pixHD Net are now available in Modulus
Included in Modulus examples
https://docs.nvidia.com/deeplearning/modulus/user_guide/intermediate/turbulence_super_resolution.html
How to get started
Download NVIDIA Modulus, now
https://developer.nvidia.com/modulus
Learn how to use NVIDIA Modulus
https://github.com/openhackathons-org/gpubootcamp/blob/master/hpc_ai/PINN/English/python/Start_Here.ipynb
User Guide (ex. Defining custom PDEs)
NVIDIA Modulus User Guide
https://docs.nvidia.com/deeplearning/modulus/user_guide/foundational/1d_wave_equation.html#writing-custom-pdes-and-boundary-initial-conditions
Ask questions at NVIDIA Modulus technical forum
https://forums.developer.nvidia.com/c/physics-simulation/modulus-physics-ml-model-framework/technical-support/453
Contribute to NVIDIA Modulus on GitLab!
*Need to submit GitLab repository access request from https://developer.nvidia.com/modulus-downloads
Summary
• NVIDIA Modulus is platform for developing Physics-ML surrogate model
• Physics-ML use cases
• FourCastNet
https://arxiv.org/abs/2208.05419, https://github.com/NVlabs/FourCastNet
• Super Resolution
https://blogs.nvidia.com/blog/2022/03/22/siemens-gamesa-wind-farms-digital-twins/
• How to get started
• Download
https://developer.nvidia.com/modulus
• Learn
https://docs.nvidia.com/deeplearning/modulus/index.html
https://github.com/openhackathons-org/gpubootcamp/blob/master/hpc_ai/PINN/English/python/Start_Here.ipynb
• Ask questions
https://forums.developer.nvidia.com/c/physics-simulation/modulus-physics-ml-model-framework/technical-
support/453
• Get involved
https://developer.nvidia.com/modulus-downloads
Physics-ML のためのフレームワーク NVIDIA Modulus 最新事情

Weitere ähnliche Inhalte

Was ist angesagt?

【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Models【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Modelscvpaper. challenge
 
HPC+AI ってよく聞くけど結局なんなの
HPC+AI ってよく聞くけど結局なんなのHPC+AI ってよく聞くけど結局なんなの
HPC+AI ってよく聞くけど結局なんなのNVIDIA Japan
 
開発者が語る NVIDIA cuQuantum SDK
開発者が語る NVIDIA cuQuantum SDK開発者が語る NVIDIA cuQuantum SDK
開発者が語る NVIDIA cuQuantum SDKNVIDIA Japan
 
グラフニューラルネットワーク入門
グラフニューラルネットワーク入門グラフニューラルネットワーク入門
グラフニューラルネットワーク入門ryosuke-kojima
 
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...SSII
 
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...Deep Learning JP
 
【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion ModelsDeep Learning JP
 
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料Yusuke Uchida
 
Sliced Wasserstein距離と生成モデル
Sliced Wasserstein距離と生成モデルSliced Wasserstein距離と生成モデル
Sliced Wasserstein距離と生成モデルohken
 
Anomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめたAnomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめたぱんいち すみもと
 
[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報Deep Learning JP
 
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se... [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...Deep Learning JP
 
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational AutoencoderDeep Learning JP
 
第13回 配信講義 計算科学技術特論B(2022)
第13回 配信講義 計算科学技術特論B(2022)第13回 配信講義 計算科学技術特論B(2022)
第13回 配信講義 計算科学技術特論B(2022)RCCSRENKEI
 
モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化Yusuke Uchida
 
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」ManaMurakami1
 
ConvNetの歴史とResNet亜種、ベストプラクティス
ConvNetの歴史とResNet亜種、ベストプラクティスConvNetの歴史とResNet亜種、ベストプラクティス
ConvNetの歴史とResNet亜種、ベストプラクティスYusuke Uchida
 
Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩Hiroto Honda
 
分散深層学習 @ NIPS'17
分散深層学習 @ NIPS'17分散深層学習 @ NIPS'17
分散深層学習 @ NIPS'17Takuya Akiba
 
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話Yusuke Uchida
 

Was ist angesagt? (20)

【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Models【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Models
 
HPC+AI ってよく聞くけど結局なんなの
HPC+AI ってよく聞くけど結局なんなのHPC+AI ってよく聞くけど結局なんなの
HPC+AI ってよく聞くけど結局なんなの
 
開発者が語る NVIDIA cuQuantum SDK
開発者が語る NVIDIA cuQuantum SDK開発者が語る NVIDIA cuQuantum SDK
開発者が語る NVIDIA cuQuantum SDK
 
グラフニューラルネットワーク入門
グラフニューラルネットワーク入門グラフニューラルネットワーク入門
グラフニューラルネットワーク入門
 
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...
SSII2021 [SS1] Transformer x Computer Visionの 実活用可能性と展望 〜 TransformerのCompute...
 
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
 
【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models【DL輪読会】Novel View Synthesis with Diffusion Models
【DL輪読会】Novel View Synthesis with Diffusion Models
 
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
 
Sliced Wasserstein距離と生成モデル
Sliced Wasserstein距離と生成モデルSliced Wasserstein距離と生成モデル
Sliced Wasserstein距離と生成モデル
 
Anomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめたAnomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめた
 
[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報
 
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se... [DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
[DL輪読会]"CyCADA: Cycle-Consistent Adversarial Domain Adaptation"&"Learning Se...
 
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
 
第13回 配信講義 計算科学技術特論B(2022)
第13回 配信講義 計算科学技術特論B(2022)第13回 配信講義 計算科学技術特論B(2022)
第13回 配信講義 計算科学技術特論B(2022)
 
モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化
 
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」
「NVIDIA プロファイラを用いたPyTorch学習最適化手法のご紹介(修正版)」
 
ConvNetの歴史とResNet亜種、ベストプラクティス
ConvNetの歴史とResNet亜種、ベストプラクティスConvNetの歴史とResNet亜種、ベストプラクティス
ConvNetの歴史とResNet亜種、ベストプラクティス
 
Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩
 
分散深層学習 @ NIPS'17
分散深層学習 @ NIPS'17分散深層学習 @ NIPS'17
分散深層学習 @ NIPS'17
 
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話
You Only Look One-level Featureの解説と見せかけた物体検出のよもやま話
 

Ähnlich wie Physics-ML のためのフレームワーク NVIDIA Modulus 最新事情

Talk on commercialising space data
Talk on commercialising space data Talk on commercialising space data
Talk on commercialising space data Alison B. Lowndes
 
OpenACC Monthly Highlights: October2020
OpenACC Monthly Highlights: October2020OpenACC Monthly Highlights: October2020
OpenACC Monthly Highlights: October2020OpenACC
 
OpenACC Monthly Highlights: January 2021
OpenACC Monthly Highlights: January 2021OpenACC Monthly Highlights: January 2021
OpenACC Monthly Highlights: January 2021OpenACC
 
Accelerating algorithmic and hardware advancements for power efficient on-dev...
Accelerating algorithmic and hardware advancements for power efficient on-dev...Accelerating algorithmic and hardware advancements for power efficient on-dev...
Accelerating algorithmic and hardware advancements for power efficient on-dev...Qualcomm Research
 
TeraGrid Communication and Computation
TeraGrid Communication and ComputationTeraGrid Communication and Computation
TeraGrid Communication and ComputationTal Lavian Ph.D.
 
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...Sayonsom Chanda
 
byteLAKE's expertise across NVIDIA architectures and configurations
byteLAKE's expertise across NVIDIA architectures and configurationsbyteLAKE's expertise across NVIDIA architectures and configurations
byteLAKE's expertise across NVIDIA architectures and configurationsbyteLAKE
 
SDVIs and In-Situ Visualization on TACC's Stampede
SDVIs and In-Situ Visualization on TACC's StampedeSDVIs and In-Situ Visualization on TACC's Stampede
SDVIs and In-Situ Visualization on TACC's StampedeIntel® Software
 
Convolutional Neural Network for pixel-wise skyline detection
Convolutional Neural Network for pixel-wise skyline detectionConvolutional Neural Network for pixel-wise skyline detection
Convolutional Neural Network for pixel-wise skyline detectionDarian Frajberg
 
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...KAIST
 
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...KAIST
 
Talk on using AI to address some of humanities problems
Talk on using AI to address some of humanities problemsTalk on using AI to address some of humanities problems
Talk on using AI to address some of humanities problemsAlison B. Lowndes
 
"Building and running the cloud GPU vacuum cleaner"
"Building and running the cloud GPU vacuum cleaner""Building and running the cloud GPU vacuum cleaner"
"Building and running the cloud GPU vacuum cleaner"Frank Wuerthwein
 
Nvidia SC16: The Greatest Challenges Can't Wait
Nvidia SC16: The Greatest Challenges Can't WaitNvidia SC16: The Greatest Challenges Can't Wait
Nvidia SC16: The Greatest Challenges Can't Waitinside-BigData.com
 
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...Jean-Claude Meteodyn
 

Ähnlich wie Physics-ML のためのフレームワーク NVIDIA Modulus 最新事情 (20)

Talk on commercialising space data
Talk on commercialising space data Talk on commercialising space data
Talk on commercialising space data
 
OpenACC Monthly Highlights: October2020
OpenACC Monthly Highlights: October2020OpenACC Monthly Highlights: October2020
OpenACC Monthly Highlights: October2020
 
MAXSS & NVIDIA
MAXSS & NVIDIAMAXSS & NVIDIA
MAXSS & NVIDIA
 
OpenACC Monthly Highlights: January 2021
OpenACC Monthly Highlights: January 2021OpenACC Monthly Highlights: January 2021
OpenACC Monthly Highlights: January 2021
 
NVIDIA @ AI FEST
NVIDIA @ AI FESTNVIDIA @ AI FEST
NVIDIA @ AI FEST
 
Accelerating algorithmic and hardware advancements for power efficient on-dev...
Accelerating algorithmic and hardware advancements for power efficient on-dev...Accelerating algorithmic and hardware advancements for power efficient on-dev...
Accelerating algorithmic and hardware advancements for power efficient on-dev...
 
TeraGrid Communication and Computation
TeraGrid Communication and ComputationTeraGrid Communication and Computation
TeraGrid Communication and Computation
 
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...
How to leverage Quantum Computing and Generative AI for Clean Energy Transiti...
 
byteLAKE's expertise across NVIDIA architectures and configurations
byteLAKE's expertise across NVIDIA architectures and configurationsbyteLAKE's expertise across NVIDIA architectures and configurations
byteLAKE's expertise across NVIDIA architectures and configurations
 
SDVIs and In-Situ Visualization on TACC's Stampede
SDVIs and In-Situ Visualization on TACC's StampedeSDVIs and In-Situ Visualization on TACC's Stampede
SDVIs and In-Situ Visualization on TACC's Stampede
 
Future of hpc
Future of hpcFuture of hpc
Future of hpc
 
Convolutional Neural Network for pixel-wise skyline detection
Convolutional Neural Network for pixel-wise skyline detectionConvolutional Neural Network for pixel-wise skyline detection
Convolutional Neural Network for pixel-wise skyline detection
 
ECP Application Development
ECP Application DevelopmentECP Application Development
ECP Application Development
 
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
 
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
[AAAI2018] Multispectral Transfer Network: Unsupervised Depth Estimation for ...
 
Talk on using AI to address some of humanities problems
Talk on using AI to address some of humanities problemsTalk on using AI to address some of humanities problems
Talk on using AI to address some of humanities problems
 
"Building and running the cloud GPU vacuum cleaner"
"Building and running the cloud GPU vacuum cleaner""Building and running the cloud GPU vacuum cleaner"
"Building and running the cloud GPU vacuum cleaner"
 
Nvidia SC16: The Greatest Challenges Can't Wait
Nvidia SC16: The Greatest Challenges Can't WaitNvidia SC16: The Greatest Challenges Can't Wait
Nvidia SC16: The Greatest Challenges Can't Wait
 
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...
Wind meteodyn WT cfd micro scale modeling combined statistical learning for s...
 
Decision-ready climate data
Decision-ready climate dataDecision-ready climate data
Decision-ready climate data
 

Mehr von NVIDIA Japan

NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化
NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化
NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化NVIDIA Japan
 
20221021_JP5.0.2-Webinar-JP_Final.pdf
20221021_JP5.0.2-Webinar-JP_Final.pdf20221021_JP5.0.2-Webinar-JP_Final.pdf
20221021_JP5.0.2-Webinar-JP_Final.pdfNVIDIA Japan
 
Magnum IO GPUDirect Storage 最新情報
Magnum IO GPUDirect Storage 最新情報Magnum IO GPUDirect Storage 最新情報
Magnum IO GPUDirect Storage 最新情報NVIDIA Japan
 
データ爆発時代のネットワークインフラ
データ爆発時代のネットワークインフラデータ爆発時代のネットワークインフラ
データ爆発時代のネットワークインフラNVIDIA Japan
 
GTC November 2021 – テレコム関連アップデート サマリー
GTC November 2021 – テレコム関連アップデート サマリーGTC November 2021 – テレコム関連アップデート サマリー
GTC November 2021 – テレコム関連アップデート サマリーNVIDIA Japan
 
テレコムのビッグデータ解析 & AI サイバーセキュリティ
テレコムのビッグデータ解析 & AI サイバーセキュリティテレコムのビッグデータ解析 & AI サイバーセキュリティ
テレコムのビッグデータ解析 & AI サイバーセキュリティNVIDIA Japan
 
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~NVIDIA Japan
 
2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ
2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ
2020年10月29日 プロフェッショナルAI×RoboticsエンジニアへのロードマップNVIDIA Japan
 
2020年10月29日 Jetson活用によるAI教育
2020年10月29日 Jetson活用によるAI教育2020年10月29日 Jetson活用によるAI教育
2020年10月29日 Jetson活用によるAI教育NVIDIA Japan
 
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育NVIDIA Japan
 
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報NVIDIA Japan
 
Jetson Xavier NX クラウドネイティブをエッジに
Jetson Xavier NX クラウドネイティブをエッジにJetson Xavier NX クラウドネイティブをエッジに
Jetson Xavier NX クラウドネイティブをエッジにNVIDIA Japan
 
GTC 2020 発表内容まとめ
GTC 2020 発表内容まとめGTC 2020 発表内容まとめ
GTC 2020 発表内容まとめNVIDIA Japan
 
NVIDIA Jetson導入事例ご紹介
NVIDIA Jetson導入事例ご紹介NVIDIA Jetson導入事例ご紹介
NVIDIA Jetson導入事例ご紹介NVIDIA Japan
 
JETSON 最新情報 & 自動外観検査事例紹介
JETSON 最新情報 & 自動外観検査事例紹介JETSON 最新情報 & 自動外観検査事例紹介
JETSON 最新情報 & 自動外観検査事例紹介NVIDIA Japan
 
HELLO AI WORLD - MEET JETSON NANO
HELLO AI WORLD - MEET JETSON NANOHELLO AI WORLD - MEET JETSON NANO
HELLO AI WORLD - MEET JETSON NANONVIDIA Japan
 
Final 20200326 jetson edge comuputing digital seminar 1 final (1)
Final 20200326 jetson edge comuputing digital seminar 1 final (1)Final 20200326 jetson edge comuputing digital seminar 1 final (1)
Final 20200326 jetson edge comuputing digital seminar 1 final (1)NVIDIA Japan
 
20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 finalNVIDIA Japan
 
20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 finalNVIDIA Japan
 
20200326 jetson edge comuputing digital seminar 2
20200326 jetson edge comuputing digital seminar 220200326 jetson edge comuputing digital seminar 2
20200326 jetson edge comuputing digital seminar 2NVIDIA Japan
 

Mehr von NVIDIA Japan (20)

NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化
NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化
NVIDIA cuQuantum SDK による量子回路シミュレーターの高速化
 
20221021_JP5.0.2-Webinar-JP_Final.pdf
20221021_JP5.0.2-Webinar-JP_Final.pdf20221021_JP5.0.2-Webinar-JP_Final.pdf
20221021_JP5.0.2-Webinar-JP_Final.pdf
 
Magnum IO GPUDirect Storage 最新情報
Magnum IO GPUDirect Storage 最新情報Magnum IO GPUDirect Storage 最新情報
Magnum IO GPUDirect Storage 最新情報
 
データ爆発時代のネットワークインフラ
データ爆発時代のネットワークインフラデータ爆発時代のネットワークインフラ
データ爆発時代のネットワークインフラ
 
GTC November 2021 – テレコム関連アップデート サマリー
GTC November 2021 – テレコム関連アップデート サマリーGTC November 2021 – テレコム関連アップデート サマリー
GTC November 2021 – テレコム関連アップデート サマリー
 
テレコムのビッグデータ解析 & AI サイバーセキュリティ
テレコムのビッグデータ解析 & AI サイバーセキュリティテレコムのビッグデータ解析 & AI サイバーセキュリティ
テレコムのビッグデータ解析 & AI サイバーセキュリティ
 
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~
必見!絶対におすすめの通信業界セッション 5 つ ~秋の GTC 2020~
 
2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ
2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ
2020年10月29日 プロフェッショナルAI×Roboticsエンジニアへのロードマップ
 
2020年10月29日 Jetson活用によるAI教育
2020年10月29日 Jetson活用によるAI教育2020年10月29日 Jetson活用によるAI教育
2020年10月29日 Jetson活用によるAI教育
 
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育
2020年10月29日 Jetson Nano 2GBで始めるAI x Robotics教育
 
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報
COVID-19 研究・対策に活用可能な NVIDIA ソフトウェアと関連情報
 
Jetson Xavier NX クラウドネイティブをエッジに
Jetson Xavier NX クラウドネイティブをエッジにJetson Xavier NX クラウドネイティブをエッジに
Jetson Xavier NX クラウドネイティブをエッジに
 
GTC 2020 発表内容まとめ
GTC 2020 発表内容まとめGTC 2020 発表内容まとめ
GTC 2020 発表内容まとめ
 
NVIDIA Jetson導入事例ご紹介
NVIDIA Jetson導入事例ご紹介NVIDIA Jetson導入事例ご紹介
NVIDIA Jetson導入事例ご紹介
 
JETSON 最新情報 & 自動外観検査事例紹介
JETSON 最新情報 & 自動外観検査事例紹介JETSON 最新情報 & 自動外観検査事例紹介
JETSON 最新情報 & 自動外観検査事例紹介
 
HELLO AI WORLD - MEET JETSON NANO
HELLO AI WORLD - MEET JETSON NANOHELLO AI WORLD - MEET JETSON NANO
HELLO AI WORLD - MEET JETSON NANO
 
Final 20200326 jetson edge comuputing digital seminar 1 final (1)
Final 20200326 jetson edge comuputing digital seminar 1 final (1)Final 20200326 jetson edge comuputing digital seminar 1 final (1)
Final 20200326 jetson edge comuputing digital seminar 1 final (1)
 
20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final
 
20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final20200326 jetson edge comuputing digital seminar 1 final
20200326 jetson edge comuputing digital seminar 1 final
 
20200326 jetson edge comuputing digital seminar 2
20200326 jetson edge comuputing digital seminar 220200326 jetson edge comuputing digital seminar 2
20200326 jetson edge comuputing digital seminar 2
 

Kürzlich hochgeladen

Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .Alan Dix
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii SoldatenkoFwdays
 
Search Engine Optimization SEO PDF for 2024.pdf
Search Engine Optimization SEO PDF for 2024.pdfSearch Engine Optimization SEO PDF for 2024.pdf
Search Engine Optimization SEO PDF for 2024.pdfRankYa
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebUiPathCommunity
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxNavinnSomaal
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionDilum Bandara
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsMiki Katsuragi
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brandgvaughan
 
How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.Curtis Poe
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek SchlawackFwdays
 

Kürzlich hochgeladen (20)

Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko
 
Search Engine Optimization SEO PDF for 2024.pdf
Search Engine Optimization SEO PDF for 2024.pdfSearch Engine Optimization SEO PDF for 2024.pdf
Search Engine Optimization SEO PDF for 2024.pdf
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio Web
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptx
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An Introduction
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering Tips
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brand
 
How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.How AI, OpenAI, and ChatGPT impact business and software.
How AI, OpenAI, and ChatGPT impact business and software.
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
 

Physics-ML のためのフレームワーク NVIDIA Modulus 最新事情

  • 1. Physics-ML のためのフレームワーク NVIDIA Modulus 最新事情 Naruhiko Tan, Solution Architect, NVIDIA Japan
  • 2. • What is NVIDIA Modulus • Physics-ML use cases • How to get started Agenda
  • 3. What is NVIDIA Modulus
  • 4. AI Powered Computational Domains Computational Eng. Solid & Fluid Mechanics, Electromagnetics, Thermal, Acoustics, Optics, Electrical, Multi-body Dynamics, Design Materials, Systems Earth Sciences Climate Modeling, Weather Modeling, Ocean Modeling, Seismic Interpretation Life Sciences Genomics, Proteomics Computational Physics Particle Science, Astrophysics Computational Chemistry Quantum Chemistry, Molecular Dynamics •Process/Product Design, Manufacturing, Testing, •In-Service
  • 5. Using AI for simulations – How? AI for simulations • AI has already disrupted the way we think of computation in other domains and mapping to AI unleashes parallelism • Doing once vs repetitive – learn once and infer over and over *HPC+AI ってよく聞くけど結局なんなの, 山崎, GTC2022 テクニカルフォローアップセミナー
  • 6. NVIDIA Modulus Platform for developing Physics ML surrogate model • A training and inference pipeline - using Physics (governing equations) and Data (simulation/observations) • Customizable and scalable platform • Higher level of abstraction for domain experts • Build generalized AI surrogates for parameterized domain • Near real-time high-fidelity simulation Modulus EULA – It’s free.
  • 7. Developing digital twins for weather, climate, and energy [S41823] 12 Physics-ML categorization Physics Data Fully data driven Inductive bias Physics constrained Fully physics driven
  • 8. Modulus Framework - Verification 15 MODULUS FRAMEWORK - VERIFICATION CFD Solid Mechanics Acoustics Laminar Turbulent 16 Electromagnetics Vibrations Turbulence MODULUS FRAMEWORK - VERIFICATION Modulus Modulus Modulus 15 MODULUS FRAMEWORK - VERIFICATION CFD Solid Mechanics Acoustics aminar bulent 15 MODULUS FRAMEWORK - VERIFICATION CFD Solid Mechanics Acoustics Laminar Turbulent 16 Electromagnetics Vibrations Turbulence MODULUS FRAMEWORK - VERIFICATION Modulus Modulus Modulus
  • 9. Modulus Framework - Performance SINGLE GPU: Tensor Core Speed-Up for PDEs A100 FP32 vs. TF32: Results, Compute Time, Loss
  • 10. Modulus Framework - Performance MULTI-GPU: Node Scalability
  • 12. NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326] Earth-2 Began by Exploring Data-Driven Weather Prediction Scope Global, Medium Range Model Type Full-Model AI Surrogate Architecture AFNO (Adaptive Fourier Neural Op.) Resolution: 25km Training Data: ERA5 Reanalysis Initial Condition GFS / UFS Inference Time 0.25 sec (2-week forecast) Speedup vs NWP O(104-105) Power Savings O(104) FourCastNet
  • 13. NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326] Deuben & Bauer (2018), 6 , 60x30, 1.8K pixels, MLP WeatherBench, Rasp et al. (2020). 5.625 , 64x32, 2K pixels, CNN Weyn et al. (2019), 2.5 N.H only, 72x36, 2.6k pixels, ConvLSTM DLWP, Weyn et al. (2020). 2 , 16K pixels, Deep CNN on Cubesphere/(2021) ResNet FourCastNet, Pathak et al. (2022), 0.25 , ~1,000,000 Pixels, ViT+AFNO GNN, Keisler et al. (2022), 1 , 64,000 Pixels, Graph Neural Networks FourCastNet: A new data-driven weather predictor of unprecedented resolution
  • 14. NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326] We train FCN on ambitious amounts of data on large machines Thanks to full-stack AI + HPC expertise we train on a growing amount of the world's petabytes of past weather data. Time to solution decreased from 24+ hours to 67 minutes with model and data parallelism FourCastNet: Accelerating Global High-Resolution Weather Forecasting using Adaptive Fourier Neural Operators, Kurth et al. (2022), https://arxiv.org/abs/2208.05419
  • 15. NVIDIA'S Earth -2: Digital Twins For Weather and Climate [A41326] FCN skill improving with training ambition. Could it one day outperform deterministic models? We don't yet know the limit. Skill gap reduced by more than half w.r.t IFS gold standard Skill gap reduced by more than half w.r.t IFS gold standard Acronym Alert: ACC: Anomaly Correlation Coefficient (metric of weather skill) IFS: The Integrated Forecast System, a gold standard weather model FCN: FourCastNet, our digital twin of weather.
  • 16. Open-Source FourCastNet Join us in pushing the frontiers of data-driven numerical weather prediction https://github.com/NVlabs/FourCastNet
  • 17. FourCastNet implementation using Modulus Included in Modulus examples https://docs.nvidia.com/deeplearning/modulus/user_guide/neural_operators/fourcastnet.html
  • 18. WIND TURBINE WAKE OPTIMIZATION — SIEMENS GAMESA Use Case § Developing optimal engineering wake models to optimize wind farm layouts § Simulating the effect that a turbine might have on another when placed in close proximity Challenges § Generating high-fidelity simulation data from Reynolds-averaged Navier-Stokes (RANS) or Large Eddy Simulations (LES) can take over a month to run, even on a 100-CPU cluster. Solution § NVIDIA Omniverse and Modulus enable accurate, high-fidelity simulations of the wake of the turbines, using low-resolution simulations as inputs and applying super resolution using AI. NVIDIA Solution Stack § Hardware: NVIDIA A100, A40, RTX 8000 GPUs § Software: NVIDIA Omniverse, NVIDIA Modulus Outcome § Approximately 4,000X speedup for high-fidelity simulation § Optimizing wind farm layouts in real-time increases overall production while reducing loads and operating costs. Demo
  • 19. WIND TURBINE WAKE OPTIMIZATION — SIEMENS GAMESA Super resolution using AI https://www.youtube.com/watch?v=mQuvYQmdbtw
  • 20. Super Resolution Net and pix2pixHD Net are now available in Modulus Included in Modulus examples https://docs.nvidia.com/deeplearning/modulus/user_guide/intermediate/turbulence_super_resolution.html
  • 21. How to get started
  • 22. Download NVIDIA Modulus, now https://developer.nvidia.com/modulus
  • 23. Learn how to use NVIDIA Modulus https://github.com/openhackathons-org/gpubootcamp/blob/master/hpc_ai/PINN/English/python/Start_Here.ipynb
  • 24. User Guide (ex. Defining custom PDEs) NVIDIA Modulus User Guide https://docs.nvidia.com/deeplearning/modulus/user_guide/foundational/1d_wave_equation.html#writing-custom-pdes-and-boundary-initial-conditions
  • 25. Ask questions at NVIDIA Modulus technical forum https://forums.developer.nvidia.com/c/physics-simulation/modulus-physics-ml-model-framework/technical-support/453
  • 26. Contribute to NVIDIA Modulus on GitLab! *Need to submit GitLab repository access request from https://developer.nvidia.com/modulus-downloads
  • 27. Summary • NVIDIA Modulus is platform for developing Physics-ML surrogate model • Physics-ML use cases • FourCastNet https://arxiv.org/abs/2208.05419, https://github.com/NVlabs/FourCastNet • Super Resolution https://blogs.nvidia.com/blog/2022/03/22/siemens-gamesa-wind-farms-digital-twins/ • How to get started • Download https://developer.nvidia.com/modulus • Learn https://docs.nvidia.com/deeplearning/modulus/index.html https://github.com/openhackathons-org/gpubootcamp/blob/master/hpc_ai/PINN/English/python/Start_Here.ipynb • Ask questions https://forums.developer.nvidia.com/c/physics-simulation/modulus-physics-ml-model-framework/technical- support/453 • Get involved https://developer.nvidia.com/modulus-downloads