SlideShare a Scribd company logo
1
DEEP LEARNING JP
[DL Papers]
http://deeplearning.jp/
“Efficiently Modeling Long Sequences with Structured State Spaces”
Naoki Nonaka
2021/12/3
書誌情報
2021/12/3 2
• 会議:ICLR2022 投稿(評価: 8, 8, 8)
(本スライドはArxivに投稿されている論文に基づいて作成)
• 著者:
概要
2021/12/3 3
 長距離の依存関係を持つ系列データの問題に取り組んだ研究
 SSM(状態空間モデル)x Deep Learningのアプローチを提案
 ベンチマークにて既存手法を大幅に上回る性能を実現
背景
2021/12/3 4
長距離の依存関係(Long-range dependencies: LRD)
…
依存関係
T
 実世界のデータでは,数万ステップでの推論が必要
(具体例としては,音声や言語情報など)
 LRDに取り組んだ深層学習による従来の手法としては,
RNN, CNNやTransformerとその改良手法が提案されてきた
背景
2021/12/3 5
O X
RNN
ステップごとの
計算量/ストレージが一定
学習に時間がかかる
最適化が難しい(Vanishing gradient)
CNN 並列可能で高速に学習できる
逐次学習ではないので
推論時のコストが高い/扱える長さに制限
LRDに取り組んだ従来手法の利点と欠点
(Transformer系の手法もCNNとほぼ同じ)
背景
2021/12/3 6
理想的な時系列モデル
 各時刻における状態を保持し,推論が可能(recurrence)
 並列計算による学習が可能(convolutional)
 任意の時間軸適応(微分方程式の性質)
状態空間モデル(State Space Model; SSM)
背景
2021/12/3 7
状態空間モデル
 入力,出力,状態の3つの変数からなる数学的モデル
 多くの数理モデルの基礎となっているモデル
状態空間モデル x 深層学習の手法は存在しなかった※
※ 厳密には同一著者の先行研究[1]が不完全ながら取り組んでいる
図は[1]をもとに改変
提案手法: S4
2021/12/3 8
S4: Structured State Space sequence model
→ 状態空間モデル x 深層学習の手法
1. SSMのRecurrent表現とConvolution表現の導出
2. HiPPO行列による連続時間記憶の問題の解決 ※
3. SSM convolutionカーネル(後述)の計算の効率化
※ 同一著者の先行研究[1]における工夫と同じ
S4の導出過程
S4: Recurrent表現とConvolution表現の導出
2021/12/3 9
S4 (SSM): 再帰的な計算と並列学習が可能
連続時間SSM
離散時間SSM
畳み込み演算での表現
RNN様の再帰的な計算が可能に
CNN様の並列計算が可能に
S4: Recurrent表現とConvolution表現の導出
2021/12/3 10
 間隔Δで離散化
 Bilinear法を使用
 離散化により,離散的な入力データを扱えるようになる
 RNNと同じく再帰的な処理が可能になる
離散時間SSM
S4: Recurrent表現とConvolution表現の導出
2021/12/3 11
展開
畳み込み演算での表現
SSM convolution kernel (K) を定義
SSMの畳み込み演算
提案手法: S4
2021/12/3 13
S4: Structured State Space sequence model
→ 状態空間モデル x 深層学習の手法
1. SSMのRecurrent表現とConvolution表現の導出
2. HiPPO行列による連続時間記憶の問題の解決 ※
3. SSM convolutionカーネル(後述)の計算の効率化
※ 同一著者の先行研究[1]における工夫と同じ
S4の導出過程
S4: HiPPO行列による連続時間記憶
2021/12/3 14
 直交多項式の重み付き和によって過去の系列を表現
 RNNに組み込むと記憶性能が向上する
HiPPO: High-order Polynomial Projection Operators
図は[2]より
提案手法: S4
2021/12/3 19
S4: Structured State Space sequence model
→ 状態空間モデル x 深層学習の手法
1. SSMのRecurrent表現とConvolution表現の導出
2. HiPPO行列による連続時間記憶の問題の解決 ※
3. SSM convolutionカーネル(後述)の計算の効率化
※ 同一著者の先行研究[1]における工夫と同じ
S4の導出過程
S4: SSM convolution kernelの計算
2021/12/3 20
SSMの学習の並列化
Aの冪乗計算が必要
連続時間記憶の改善
AはHiPPO行列である必要
HiPPO行列の冪乗計算が必要
S4: SSM convolution kernelの計算
2021/12/3 21
K の計算: 行列Aの冪乗計算を含むため工夫が必要
 Aを,対角行列Λ + 低ランク行列 p, q (rank=1)
 3つの計算工夫を導入
S4: SSM convolution kernelの計算
2021/12/3 22
1. FFTによる冪乗計算の回避 (詳細はAppendix C3)
𝑧におけるSSM母関数を定義
数列𝑎𝑛に対する母関数
𝑓 𝑥 =
𝑘=0
∞
𝑎𝑘𝑥𝑘
𝑧を1の冪根とすると,
1の冪根
 𝜍 = exp
2𝜋𝑖
𝑛
 ある𝑛に対して
𝑧𝑛 = 1を満たす𝑧
→ 離散フーリエ変換と一致
SSM母関数で冪乗計算を逆行列計算化 + 逆FFTで K を得る
S4: SSM convolution kernelの計算
2021/12/3 23
2. 対角行列 + 低ランク行列の逆行列計算
Woodbury恒等式を利用
SSM母関数における逆行列計算を効率化
3. Cauchyカーネルによる計算
Aが対角行列のときSSM母関数の計算 = Cauchyカーネルの計算
Cauchyカーネルの計算アルゴリズムを利用
S4 layer
2021/12/3 24
実装上は,系列を受け取り,系列を出力する層となる
https://github.com/HazyResearch/state-spaces/blob/main/example.py
LayerNorm
Input
S4
Dropout
…
…
__init__ 内 forward 内
実験
2021/12/3 25
 計算効率
 長距離の依存関係の学習
 汎用系列モデルとしての性能
実験: 計算効率
2021/12/3 26
 LSSL(状態空間モデル系の先行研究)よりも高速・高メモリ効率
 (Efficientな)Transformer系と同程度に高速・省メモリ
実験: 長距離の依存関係の学習
2021/12/3 27
 Long Range Arena (LRA)
 (主にTransformer系の手法を念頭にした)
長距離の依存関係のモデリング性能を評価するためのデータセット []
 6つのタスクで構成される
 Raw speech classification
 Speech Commandデータセット(35クラス,100,503件のサンプル)
 話し言葉の音声データの中からキーワードを検出するタスク
実験: 長距離の依存関係の学習 (LRA: 1/4)
2021/12/3 28
1. <LISTOPS> Long ListOps
複数の演算子(MAX, MEAN, MEDIAN, SUM_MOD)の階層構造で
表現された系列から出力となる数字を当てるタスク
2. <TEXT> Byte-level Text classification
 IMDbレビューをもとに作成されたデータセット
 byte/character-levelで分類
実験: 長距離の依存関係の学習 (LRA: 2/4)
2021/12/3 29
3. <RETRIEVAL> Byte-level Document Retrieval
 長い文章を短い表現に圧縮し,文章の類似度を評価するタスク
 元データはIMDbのレビュー
 系列長は4k(長いものはtruncate, 短いものはpadding)
4. <IMAGE> Image Classification on sequence of pixels
 Sequential MNISTのCIFAR-10版
 系列長3072 (= 32 x 32 x 3) のサンプルを10クラスに分類
実験: 長距離の依存関係の学習 (LRA: 3/4)
2021/12/3 30
3. <PATHFINDER> PathFinder
画像中の2点が破線でつながっているか判定
入力:32 x 32の画像の系列(=784)
出力:二値(2点がつながっているか)
4. <PATH-X> PathFinder-X
PathFinderタスクを128 x 128に拡大した画像で実施
実験: 長距離の依存関係の学習 (LRA: 1/4)
2021/12/3 31
 6つのタスク全てで既存手法を大幅に上回る
 PathFinder-Xを解けた唯一のモデル
実験: 長距離の依存関係の学習
2021/12/3 32
 Long Range Arena (LRA)
 (主にTransformer系の手法を念頭にした)
長距離の依存関係のモデリング性能を評価するためのデータセット []
 6つのタスクで構成される
 Raw speech classification
 Speech Commandデータセット(35クラス,100,503件のサンプル)
 話し言葉の音声データの中からキーワードを検出するタスク
実験: 長距離の依存関係の学習(Speech: 1/1)
2021/12/3 33
 MFCCによる前処理あり:先行研究と同程度の性能
 Rawデータでの分類:WaveGANを上回る性能
実験: 汎用系列モデルとしての性能
2021/12/3 34
 大規模な生成モデルの学習
 CIFAR-10における密度推定
 WikiText-103における言語モデリング
 自己回帰による推論
 CIFAR-10およびWikiText-103での生成速度を比較
実験: 汎用系列モデルとしての性能
2021/12/3 35
 先行研究と同程度の性能を達成
 自己回帰による推論の速度は60倍以上高速化
大規模な生成モデルの学習/自己回帰による推論
実験: 汎用系列モデルとしての性能
2021/12/3 36
不規則にサンプリングされたデータの扱い
 Test時のみ周波数を0.5倍にして評価(右列)
 S4では,追加学習なしでも周波数の
変化に対して頑健になっている
結論・まとめ
2021/12/3 37
 状態空間モデルにDNNを取り込んだS4モデルを提案
 LRAにて既存手法を大幅に上回る性能を実現
 汎用系列モデルとしても優れた性能を示す
Reference
2021/12/3 38
1. Combining Recurrent, Convolutional, and Continuous-time Models with Linear State-Space Layers
2. HiPPO: Recurrent Memory with Optimal Polynomial Projections
Appendix
2021/12/3 39

More Related Content

What's hot (20)

PDF
【メタサーベイ】数式ドリブン教師あり学習
cvpaper. challenge
 
PPTX
[DL輪読会]Grokking: Generalization Beyond Overfitting on Small Algorithmic Datasets
Deep Learning JP
 
PDF
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
Deep Learning JP
 
PPTX
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
Deep Learning JP
 
PDF
深層生成モデルと世界モデル
Masahiro Suzuki
 
PDF
グラフニューラルネットワーク入門
ryosuke-kojima
 
PPTX
【DL輪読会】Hyena Hierarchy: Towards Larger Convolutional Language Models
Deep Learning JP
 
PPTX
【DL輪読会】Scaling Laws for Neural Language Models
Deep Learning JP
 
PDF
全力解説!Transformer
Arithmer Inc.
 
PDF
自己教師学習(Self-Supervised Learning)
cvpaper. challenge
 
PDF
「世界モデル」と関連研究について
Masahiro Suzuki
 
PPTX
[DL輪読会]Dream to Control: Learning Behaviors by Latent Imagination
Deep Learning JP
 
PPTX
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Yusuke Uchida
 
PDF
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
Deep Learning JP
 
PDF
[DL輪読会]`強化学習のための状態表現学習 -より良い「世界モデル」の獲得に向けて-
Deep Learning JP
 
PPTX
【DL輪読会】Prompting Decision Transformer for Few-Shot Policy Generalization
Deep Learning JP
 
PPTX
モデル高速化百選
Yusuke Uchida
 
PPTX
深層学習の数理:カーネル法, スパース推定との接点
Taiji Suzuki
 
PPTX
[DL輪読会]Revisiting Deep Learning Models for Tabular Data (NeurIPS 2021) 表形式デー...
Deep Learning JP
 
PDF
グラフィカルモデル入門
Kawamoto_Kazuhiko
 
【メタサーベイ】数式ドリブン教師あり学習
cvpaper. challenge
 
[DL輪読会]Grokking: Generalization Beyond Overfitting on Small Algorithmic Datasets
Deep Learning JP
 
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
Deep Learning JP
 
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
Deep Learning JP
 
深層生成モデルと世界モデル
Masahiro Suzuki
 
グラフニューラルネットワーク入門
ryosuke-kojima
 
【DL輪読会】Hyena Hierarchy: Towards Larger Convolutional Language Models
Deep Learning JP
 
【DL輪読会】Scaling Laws for Neural Language Models
Deep Learning JP
 
全力解説!Transformer
Arithmer Inc.
 
自己教師学習(Self-Supervised Learning)
cvpaper. challenge
 
「世界モデル」と関連研究について
Masahiro Suzuki
 
[DL輪読会]Dream to Control: Learning Behaviors by Latent Imagination
Deep Learning JP
 
Swin Transformer (ICCV'21 Best Paper) を完璧に理解する資料
Yusuke Uchida
 
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
Deep Learning JP
 
[DL輪読会]`強化学習のための状態表現学習 -より良い「世界モデル」の獲得に向けて-
Deep Learning JP
 
【DL輪読会】Prompting Decision Transformer for Few-Shot Policy Generalization
Deep Learning JP
 
モデル高速化百選
Yusuke Uchida
 
深層学習の数理:カーネル法, スパース推定との接点
Taiji Suzuki
 
[DL輪読会]Revisiting Deep Learning Models for Tabular Data (NeurIPS 2021) 表形式デー...
Deep Learning JP
 
グラフィカルモデル入門
Kawamoto_Kazuhiko
 

Similar to 【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces (20)

PPTX
Rabbit challenge 5_dnn3
TOMMYLINK1
 
PPTX
深層学習後半
ssusere8ae711
 
PDF
Associative Memory Model について
ohken
 
PDF
Anomaly Detection and Automatic Labeling with Deep Learning
Adam Gibson
 
DOCX
レポート深層学習前編
ssuser9d95b3
 
PDF
ラビットチャレンジ 深層学習Day1 day2レポート
KazuyukiMasada
 
PDF
Talk
Taichi Kiwaki
 
DOCX
Dn nday3&amp;4
ssuserada5be
 
PDF
A Transformer-based Framework for Multivariate Time Series Representation Lea...
harmonylab
 
PPTX
深層学習前半
ssusere8ae711
 
PPTX
3
matsuto1
 
PDF
【博士論文発表会】パラメータ制約付き特異モデルの統計的学習理論
Naoki Hayashi
 
PPTX
2021 08 24_dl_tomoya_oda
harmonylab
 
PPTX
深層学習前半
ssusere8ae711
 
PPTX
【DL輪読会】ViT + Self Supervised Learningまとめ
Deep Learning JP
 
PDF
第14回 配信講義 計算科学技術特論A(2021)
RCCSRENKEI
 
PDF
ISMB2014読み会 イントロ + Deep learning of the tissue-regulated splicing code
Kengo Sato
 
PDF
Neural Input Search for Large Scale Recommendation Models
H W
 
DOCX
Dnnday1&amp;2
ssuserada5be
 
PDF
Deep learning 3
YShimizu2
 
Rabbit challenge 5_dnn3
TOMMYLINK1
 
深層学習後半
ssusere8ae711
 
Associative Memory Model について
ohken
 
Anomaly Detection and Automatic Labeling with Deep Learning
Adam Gibson
 
レポート深層学習前編
ssuser9d95b3
 
ラビットチャレンジ 深層学習Day1 day2レポート
KazuyukiMasada
 
Dn nday3&amp;4
ssuserada5be
 
A Transformer-based Framework for Multivariate Time Series Representation Lea...
harmonylab
 
深層学習前半
ssusere8ae711
 
【博士論文発表会】パラメータ制約付き特異モデルの統計的学習理論
Naoki Hayashi
 
2021 08 24_dl_tomoya_oda
harmonylab
 
深層学習前半
ssusere8ae711
 
【DL輪読会】ViT + Self Supervised Learningまとめ
Deep Learning JP
 
第14回 配信講義 計算科学技術特論A(2021)
RCCSRENKEI
 
ISMB2014読み会 イントロ + Deep learning of the tissue-regulated splicing code
Kengo Sato
 
Neural Input Search for Large Scale Recommendation Models
H W
 
Dnnday1&amp;2
ssuserada5be
 
Deep learning 3
YShimizu2
 
Ad

More from Deep Learning JP (20)

PPTX
【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners
Deep Learning JP
 
PPTX
【DL輪読会】事前学習用データセットについて
Deep Learning JP
 
PPTX
【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...
Deep Learning JP
 
PPTX
【DL輪読会】Zero-Shot Dual-Lens Super-Resolution
Deep Learning JP
 
PPTX
【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv
Deep Learning JP
 
PPTX
【DL輪読会】マルチモーダル LLM
Deep Learning JP
 
PDF
【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo...
Deep Learning JP
 
PPTX
【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition
Deep Learning JP
 
PDF
【DL輪読会】Can Neural Network Memorization Be Localized?
Deep Learning JP
 
PPTX
【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )
Deep Learning JP
 
PDF
【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...
Deep Learning JP
 
PDF
【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"
Deep Learning JP
 
PPTX
【DL輪読会】"Language Instructed Reinforcement Learning for Human-AI Coordination "
Deep Learning JP
 
PPTX
【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models
Deep Learning JP
 
PDF
【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"
Deep Learning JP
 
PPTX
【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...
Deep Learning JP
 
PDF
【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...
Deep Learning JP
 
PDF
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
Deep Learning JP
 
PPTX
【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...
Deep Learning JP
 
PPTX
【DL輪読会】VIP: Towards Universal Visual Reward and Representation via Value-Impl...
Deep Learning JP
 
【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners
Deep Learning JP
 
【DL輪読会】事前学習用データセットについて
Deep Learning JP
 
【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...
Deep Learning JP
 
【DL輪読会】Zero-Shot Dual-Lens Super-Resolution
Deep Learning JP
 
【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv
Deep Learning JP
 
【DL輪読会】マルチモーダル LLM
Deep Learning JP
 
【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo...
Deep Learning JP
 
【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition
Deep Learning JP
 
【DL輪読会】Can Neural Network Memorization Be Localized?
Deep Learning JP
 
【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )
Deep Learning JP
 
【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...
Deep Learning JP
 
【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"
Deep Learning JP
 
【DL輪読会】"Language Instructed Reinforcement Learning for Human-AI Coordination "
Deep Learning JP
 
【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models
Deep Learning JP
 
【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"
Deep Learning JP
 
【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...
Deep Learning JP
 
【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...
Deep Learning JP
 
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
Deep Learning JP
 
【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...
Deep Learning JP
 
【DL輪読会】VIP: Towards Universal Visual Reward and Representation via Value-Impl...
Deep Learning JP
 
Ad

Recently uploaded (20)

PDF
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
PDF
Blockchain Transactions Explained For Everyone
CIFDAQ
 
PDF
HubSpot Main Hub: A Unified Growth Platform
Jaswinder Singh
 
PPTX
Q2 FY26 Tableau User Group Leader Quarterly Call
lward7
 
PDF
How Startups Are Growing Faster with App Developers in Australia.pdf
India App Developer
 
PDF
Newgen Beyond Frankenstein_Build vs Buy_Digital_version.pdf
darshakparmar
 
PDF
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
PDF
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 
PDF
Empower Inclusion Through Accessible Java Applications
Ana-Maria Mihalceanu
 
PDF
HCIP-Data Center Facility Deployment V2.0 Training Material (Without Remarks ...
mcastillo49
 
PDF
New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
PPTX
Webinar: Introduction to LF Energy EVerest
DanBrown980551
 
PDF
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
PDF
Presentation - Vibe Coding The Future of Tech
yanuarsinggih1
 
PDF
"AI Transformation: Directions and Challenges", Pavlo Shaternik
Fwdays
 
PDF
Smart Trailers 2025 Update with History and Overview
Paul Menig
 
PPTX
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
PDF
Log-Based Anomaly Detection: Enhancing System Reliability with Machine Learning
Mohammed BEKKOUCHE
 
PDF
SWEBOK Guide and Software Services Engineering Education
Hironori Washizaki
 
PDF
CIFDAQ Market Insights for July 7th 2025
CIFDAQ
 
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
Blockchain Transactions Explained For Everyone
CIFDAQ
 
HubSpot Main Hub: A Unified Growth Platform
Jaswinder Singh
 
Q2 FY26 Tableau User Group Leader Quarterly Call
lward7
 
How Startups Are Growing Faster with App Developers in Australia.pdf
India App Developer
 
Newgen Beyond Frankenstein_Build vs Buy_Digital_version.pdf
darshakparmar
 
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 
Empower Inclusion Through Accessible Java Applications
Ana-Maria Mihalceanu
 
HCIP-Data Center Facility Deployment V2.0 Training Material (Without Remarks ...
mcastillo49
 
New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
Webinar: Introduction to LF Energy EVerest
DanBrown980551
 
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
Presentation - Vibe Coding The Future of Tech
yanuarsinggih1
 
"AI Transformation: Directions and Challenges", Pavlo Shaternik
Fwdays
 
Smart Trailers 2025 Update with History and Overview
Paul Menig
 
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
Log-Based Anomaly Detection: Enhancing System Reliability with Machine Learning
Mohammed BEKKOUCHE
 
SWEBOK Guide and Software Services Engineering Education
Hironori Washizaki
 
CIFDAQ Market Insights for July 7th 2025
CIFDAQ
 

【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces

Editor's Notes

  • #21: K を直接計算せず,母関数の計算 + 逆フーリエ変換に置換 → 行列の冪乗計算を逆行列の計算に変える 逆行列の計算をWoodburyの恒等式により行う Cauchyカーネルの計算に落とし込む
  • #23: K を直接計算せず,母関数の計算 + 逆フーリエ変換に置換 → 行列の冪乗計算を逆行列の計算に変える 逆行列の計算をWoodburyの恒等式により行う Cauchyカーネルの計算に落とし込む
  • #24: K を直接計算せず,母関数の計算 + 逆フーリエ変換に置換 → 行列の冪乗計算を逆行列の計算に変える 逆行列の計算をWoodburyの恒等式により行う Cauchyカーネルの計算に落とし込む