Topic: "normalizing-flows"
clementchadebec/benchmark_VAE
Unifying Variational Autoencoder (VAE) implementations in Pytorch (NeurIPS 2022)
Language: Python - Size: 42.5 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 1,899 - Forks: 174

janosh/awesome-normalizing-flows
Awesome resources on normalizing flows.
Language: Python - Size: 160 KB - Last synced at: 12 days ago - Pushed at: 17 days ago - Stars: 1,505 - Forks: 128

bayesiains/nflows
Normalizing flows in PyTorch
Language: Python - Size: 1.36 MB - Last synced at: 1 day ago - Pushed at: 4 months ago - Stars: 908 - Forks: 129

kamenbliznashki/normalizing_flows
Pytorch implementations of density estimation algorithms: BNAF, Glow, MAF, RealNVP, planar flows
Language: Python - Size: 2.84 MB - Last synced at: 9 months ago - Pushed at: almost 4 years ago - Stars: 597 - Forks: 101

StatMixedML/XGBoostLSS
An extension of XGBoost to probabilistic modelling
Language: Python - Size: 90.2 MB - Last synced at: 5 days ago - Pushed at: 7 days ago - Stars: 594 - Forks: 63

FranxYao/Deep-Generative-Models-for-Natural-Language-Processing
DGMs for NLP. A roadmap.
Size: 32 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 390 - Forks: 32

probabilists/zuko
Normalizing flows in PyTorch
Language: Python - Size: 411 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 376 - Forks: 29

keonlee9420/PortaSpeech
PyTorch Implementation of PortaSpeech: Portable and High-Quality Generative Text-to-Speech
Language: Python - Size: 129 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 331 - Forks: 36

StatMixedML/LightGBMLSS
An extension of LightGBM to probabilistic modelling
Language: Python - Size: 32 MB - Last synced at: 20 days ago - Pushed at: 11 months ago - Stars: 299 - Forks: 31

tonyduan/normalizing-flows
Neural Spline Flow, RealNVP, Autoregressive Flow, 1x1Conv in PyTorch.
Language: Python - Size: 947 KB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 276 - Forks: 38

biomedia-mira/deepscm
Repository for Deep Structural Causal Models for Tractable Counterfactual Inference
Language: Jupyter Notebook - Size: 102 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 271 - Forks: 53

kazewong/flowMC
Normalizing-flow enhanced sampling package for probabilistic inference in Jax
Language: Python - Size: 30.9 MB - Last synced at: 2 days ago - Pushed at: 6 days ago - Stars: 230 - Forks: 25

johannbrehmer/manifold-flow
Manifold-learning flows (ℳ-flows)
Language: Jupyter Notebook - Size: 639 MB - Last synced at: 28 days ago - Pushed at: over 4 years ago - Stars: 229 - Forks: 27

CompVis/net2net
Network-to-Network Translation with Conditional Invertible Neural Networks
Language: Python - Size: 75.2 MB - Last synced at: about 9 hours ago - Pushed at: over 2 years ago - Stars: 226 - Forks: 21

gudovskiy/cflow-ad
Official PyTorch code for WACV 2022 paper "CFLOW-AD: Real-Time Unsupervised Anomaly Detection with Localization via Conditional Normalizing Flows"
Language: Python - Size: 815 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 207 - Forks: 55

ex4sperans/variational-inference-with-normalizing-flows
Reimplementation of Variational Inference with Normalizing Flows (https://arxiv.org/abs/1505.05770)
Language: Python - Size: 244 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 206 - Forks: 38

aravindsrinivas/flowpp
Code for reproducing Flow ++ experiments
Language: Python - Size: 103 KB - Last synced at: 7 days ago - Pushed at: almost 6 years ago - Stars: 187 - Forks: 28

riannevdberg/sylvester-flows
Language: Python - Size: 4.72 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 178 - Forks: 33

nicola-decao/BNAF
Pytorch implementation of Block Neural Autoregressive Flow
Language: Python - Size: 219 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 176 - Forks: 34

slimgroup/InvertibleNetworks.jl
A Julia framework for invertible neural networks
Language: Julia - Size: 2.11 MB - Last synced at: 2 days ago - Pushed at: 3 months ago - Stars: 164 - Forks: 24

danielward27/flowjax
Language: Python - Size: 18 MB - Last synced at: 1 day ago - Pushed at: about 2 months ago - Stars: 155 - Forks: 16

LukasRinder/normalizing-flows
Implementation of normalizing flows in TensorFlow 2 including a small tutorial.
Language: Jupyter Notebook - Size: 6.45 MB - Last synced at: 28 days ago - Pushed at: 8 months ago - Stars: 146 - Forks: 37

yang-song/score_flow
Official code for "Maximum Likelihood Training of Score-Based Diffusion Models", NeurIPS 2021 (spotlight)
Language: Python - Size: 65.4 KB - Last synced at: 19 days ago - Pushed at: over 3 years ago - Stars: 141 - Forks: 25

senya-ashukha/real-nvp-pytorch
Real NVP PyTorch a Minimal Working Example | Normalizing Flow
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 22 days ago - Pushed at: over 4 years ago - Stars: 138 - Forks: 27

abdulfatir/normalizing-flows
Understanding normalizing flows
Language: Jupyter Notebook - Size: 26.7 MB - Last synced at: 9 days ago - Pushed at: over 5 years ago - Stars: 132 - Forks: 20

L0SG/WaveFlow
A PyTorch implementation of "WaveFlow: A Compact Flow-based Model for Raw Audio" (ICML 2020)
Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: 21 days ago - Pushed at: 9 months ago - Stars: 123 - Forks: 16

AWehenkel/UMNN
Implementation of Unconstrained Monotonic Neural Network and the related experiments. These architectures are particularly useful for modelling monotonic transformations in normalizing flows.
Language: Python - Size: 24.9 MB - Last synced at: 11 days ago - Pushed at: 4 months ago - Stars: 118 - Forks: 18

probabilists/lampe
Likelihood-free AMortized Posterior Estimation with PyTorch
Language: Python - Size: 4.09 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 115 - Forks: 10

minaskar/pocomc
pocoMC: A Python implementation of Preconditioned Monte Carlo for accelerated Bayesian Computation
Language: Python - Size: 28.3 MB - Last synced at: 2 days ago - Pushed at: 3 months ago - Stars: 100 - Forks: 8

TrentBrick/PyTorchDiscreteFlows
Discrete Normalizing Flows implemented in PyTorch
Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 97 - Forks: 12

shchur/ifl-tpp
Implementation of "Intensity-Free Learning of Temporal Point Processes" (Spotlight @ ICLR 2020)
Language: Python - Size: 40 MB - Last synced at: 25 days ago - Pushed at: about 4 years ago - Stars: 84 - Forks: 33

akashsengupta1997/HuManiFlow
[CVPR 2023] Code repository for HuManiFlow: Ancestor-Conditioned Normalising Flows on SO(3) Manifolds for Human Pose and Shape Distribution Estimation
Language: Python - Size: 15.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 74 - Forks: 2

jmtomczak/vae_householder_flow
Code for the paper "Improving Variational Auto-Encoders using Householder Flow" (https://arxiv.org/abs/1611.09630)
Language: Python - Size: 66.7 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 72 - Forks: 13

L0SG/NanoFlow
PyTorch implementation of the paper "NanoFlow: Scalable Normalizing Flows with Sublinear Parameter Complexity." (NeurIPS 2020)
Language: Python - Size: 1.61 MB - Last synced at: 18 days ago - Pushed at: over 4 years ago - Stars: 65 - Forks: 4

jstmn/ikflow
Open source implementation to the paper "IKFlow: Generating Diverse Inverse Kinematics Solutions"
Language: Python - Size: 75.8 MB - Last synced at: about 1 hour ago - Pushed at: about 1 month ago - Stars: 63 - Forks: 7

kingofspace0wzz/wae-rnf-lm
Pytorch Implemetation for our NAACL2019 Paper "Riemannian Normalizing Flow on Variational Wasserstein Autoencoder for Text Modeling" https://arxiv.org/abs/1904.02399
Language: Python - Size: 8.08 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 62 - Forks: 3

deeprob-org/deeprob-kit
A Python Library for Deep Probabilistic Modeling
Language: Python - Size: 322 KB - Last synced at: 13 days ago - Pushed at: 6 months ago - Stars: 60 - Forks: 9

0xangelo/raylab
Reinforcement learning algorithms in RLlib
Language: Python - Size: 4.52 MB - Last synced at: 1 day ago - Pushed at: 12 months ago - Stars: 59 - Forks: 10

phlippe/CategoricalNF
Official repository for "Categorical Normalizing Flows via Continuous Transformations"
Language: Python - Size: 1.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 50 - Forks: 10

BorealisAI/continuous-time-flow-process
PyTorch code of "Modeling Continuous Stochastic Processes with Dynamic Normalizing Flows" (NeurIPS 2020)
Language: Python - Size: 31.3 MB - Last synced at: 17 days ago - Pushed at: over 4 years ago - Stars: 48 - Forks: 6

VincentStimper/resampled-base-flows
Normalizing Flows with a resampled base distribution
Language: Python - Size: 1.35 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 46 - Forks: 3

hmdolatabadi/AdvFlow
[NeurIPS2020] The official repository of "AdvFlow: Inconspicuous Black-box Adversarial Attacks using Normalizing Flows".
Language: Python - Size: 1.28 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 45 - Forks: 2

thoglu/jammy_flows
A package to describe amortized (conditional) normalizing-flow PDFs defined jointly on tensor products of manifolds with coverage control. The connection between different manifolds is fixed via an autoregressive structure.
Language: Python - Size: 8.51 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 43 - Forks: 4

DakshIdnani/pytorch-nice
Implementation of non-linear independent components estimation (NICE) in pytorch
Language: Python - Size: 133 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 43 - Forks: 8

liyuantsao/BFSR
The official repository of BFSR: "Boosting Flow-based Generative Super-Resolution Models via Learned Prior" [CVPR 2024]
Language: Python - Size: 176 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 41 - Forks: 2

Regenerator/dpf-nets
Flow-based generative model for 3D point clouds.
Language: Python - Size: 89.8 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 41 - Forks: 5

mj-will/nessai
nessai: Nested Sampling with Artificial Intelligence
Language: Python - Size: 3.9 MB - Last synced at: about 16 hours ago - Pushed at: about 17 hours ago - Stars: 38 - Forks: 3

smsharma/minified-generative-models
Bare-bones implementations of some generative models in Jax: diffusion, normalizing flows, consistency models, flow matching, (beta)-VAEs, etc
Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 37 - Forks: 5

yoyolicoris/constant-memory-waveglow
PyTorch implementation of NVIDIA WaveGlow with constant memory cost.
Language: Python - Size: 23.9 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 36 - Forks: 6

MICS-Lab/scyan
Biology-driven deep generative model for cell-type annotation in cytometry. Scyan is an interpretable model that also corrects batch-effect and can be used for debarcoding or population discovery.
Language: Python - Size: 26 MB - Last synced at: 29 days ago - Pushed at: 5 months ago - Stars: 34 - Forks: 1

visinf/lnfmm
Latent Normalizing Flows for Many-to-Many Cross Domain Mappings (ICLR 2020)
Language: Python - Size: 1000 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 33 - Forks: 12

abhiagwl/vistan
A simple library to run variational inference on Stan models.
Language: Python - Size: 280 KB - Last synced at: 19 days ago - Pushed at: about 2 years ago - Stars: 30 - Forks: 3

wangleiphy/MongeAmpereFlow
Continuous-time gradient flow for generative modeling and variational inference
Language: Python - Size: 9.86 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 8

impICNF/ContinuousNormalizingFlows.jl
Implementations of Infinitesimal Continuous Normalizing Flows Algorithms in Julia
Language: Julia - Size: 1.9 MB - Last synced at: 5 days ago - Pushed at: 7 days ago - Stars: 27 - Forks: 1

uofgravity/glasflow
Normalising flows implemented using nflows
Language: Python - Size: 788 KB - Last synced at: 3 days ago - Pushed at: 7 months ago - Stars: 27 - Forks: 3

robert-giaquinto/gradient-boosted-normalizing-flows
We got a stew going!
Language: Python - Size: 54.4 MB - Last synced at: about 23 hours ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 3

caetas/GenerativeZoo
Model Zoo for Generative Models.
Language: Python - Size: 5.77 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 26 - Forks: 2

ChienFeng-hub/meow
[NeurIPS 2024] Maximum Entropy Reinforcement Learning via Energy-Based Normalizing Flow
Language: Python - Size: 162 MB - Last synced at: 29 days ago - Pushed at: 6 months ago - Stars: 26 - Forks: 1

SamsungLabs/semi-supervised-NFs
Code for the paper Semi-Conditional Normalizing Flows for Semi-Supervised Learning
Language: Python - Size: 54.8 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 25 - Forks: 2

gebob19/introduction_to_normalizing_flows
Jupyter Notebook corresponding to 'Going with the Flow: An Introduction to Normalizing Flows'
Language: Jupyter Notebook - Size: 304 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 10

janosh/torch-mnf
Multiplicative Normalizing Flows in PyTorch.
Language: Python - Size: 1.23 MB - Last synced at: 22 days ago - Pushed at: about 1 month ago - Stars: 24 - Forks: 2

bgroenks96/normalizing-flows
Implementations of normalizing flows using python and tensorflow
Language: Jupyter Notebook - Size: 7.42 MB - Last synced at: 20 days ago - Pushed at: 5 months ago - Stars: 24 - Forks: 9

hse-cs/probaforms
Conditional normalizing flows (NFs), conditional GANs, and conditional variational autoencoders (CVAEs) with sklearn-like interface
Language: Python - Size: 3.67 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 24 - Forks: 7

sbi-dev/pyknos
conditional density estimation with neural networks
Language: Python - Size: 93.8 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 24 - Forks: 4

shchur/triangular-tpp
Implementation of "Fast and Flexible Temporal Point Processes with Triangular Maps" (Oral @ NeurIPS 2020)
Language: Jupyter Notebook - Size: 9.23 MB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 7

e-hulten/planar-flows
PyTorch implementation of planar flows
Language: Jupyter Notebook - Size: 52.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 22 - Forks: 3

adrianjav/causal-flows
CausalFlows: A library for Causal Normalizing Flows in Pytorch
Language: Python - Size: 2.52 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 21 - Forks: 1

siboehm/NormalizingFlowNetwork
Bayesian and Maximum Likelihood Implementation of the Normalizing Flow Network (NFN): https://arxiv.org/abs/1907.08982
Language: Python - Size: 174 KB - Last synced at: about 9 hours ago - Pushed at: over 4 years ago - Stars: 21 - Forks: 8

fissoreg/relative-gradient-jacobian
Relative gradient optimization of the Jacobian term in unsupervised deep learning, NeurIPS 2020
Language: Jupyter Notebook - Size: 264 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 20 - Forks: 2

MaximeVandegar/Normalizing-Flows
A repository to learn about Flows, mostly from papers
Size: 5.08 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 20 - Forks: 3

gnthibault/Optimisation-Python
A set of notebooks related to convex optimization, variational inference and numerical methods for signal processing, machine learning, deep learning, graph analysis, bayesian programming, statistics or astronomy.
Language: Jupyter Notebook - Size: 606 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 19 - Forks: 9

joocxi/tf-invertible-resnet
A TensorFlow implementation of Invertible Residual Networks
Language: Python - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 2

homerjed/sbiax
Fast, lightweight and parallelised simulation-based inference in JAX.
Language: Python - Size: 18.8 MB - Last synced at: 2 days ago - Pushed at: 8 days ago - Stars: 18 - Forks: 3

hmdolatabadi/LRS_NF
[AISTATS2020] The official repository of "Invertible Generative Modling using Linear Rational Splines (LRS)".
Language: Python - Size: 662 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 18 - Forks: 5

DataDrivenGalaxyEvolution/galevo23-tutorials
Tutorials for the KITP Galevo23 program
Language: Jupyter Notebook - Size: 60.5 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 11

clear-nus/DGflow
Pytorch implementation of DGflow (ICLR 2021).
Language: Python - Size: 595 KB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 17 - Forks: 5

desResLab/LINFA
A Python library for variational inference with normalizing flow and annealing
Language: Python - Size: 8.76 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 2

IPL-UV/rbig
Rotation-Based Iterative Gaussianization algorithm.
Language: Jupyter Notebook - Size: 29.6 MB - Last synced at: 11 months ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 2

ryushinn/flows-on-sphere
This is a Pytorch implementation of [normalizing flows on tori and spheres, ICML 2020]
Language: Python - Size: 302 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 2

lliutianc/gan-flow
Language: Python - Size: 46.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 0

siddsax/Normalizing_Flows
Implementation of Normalizing flows on MNIST https://arxiv.org/abs/1505.05770
Language: Python - Size: 4.19 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 4

aai-institute/USFlows
Normalizing flows for neuro-symbolic AI
Language: Python - Size: 2.68 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 13 - Forks: 2

AWehenkel/Normalizing-Flows
This repository offers an implementation of some common architectures for normalizing flows.
Language: Jupyter Notebook - Size: 979 KB - Last synced at: 23 days ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 2

dirmeier/sbijax
Simulation-based inference in JAX
Language: Python - Size: 391 KB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 1

seungjunlee96/lightning-generative-models
PyTorch Lightning Implementation of Diffusion, GAN, VAE, Flow models
Language: Python - Size: 3.32 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 10 - Forks: 1

tinkoff-ai/cnf
Official implementation for "Let Offline RL Flow: Training Conservative Agents in the Latent Space of Normalizing Flows", NeurIPS 2022, Offline RL Workshop
Language: Python - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

AndrewAtanov/semi-supervised-flow-pytorch
Code for the paper "Semi-Conditional Normalizing Flows for Semi-Supervised Learning"
Language: Python - Size: 56.3 MB - Last synced at: 21 days ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 2

gudovskiy/flowenedet
Official PyTorch code for UAI 2023 paper "Concurrent Misclassification and Out-of-Distribution Detection for Semantic Segmentation via Energy-Based Normalizing Flow"
Language: Python - Size: 2.2 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 0

davitpapikyan/Normalizing-Flow-with-Diffusion-Prior-Model
Normalizing Flow with Diffusion Prior Model (NFDPM)
Language: Python - Size: 1.01 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 1

chen-hao-chao/ebflow
[NeurIPS 2023] Training Energy-Based Normalizing Flow with Score-Matching Objectives
Language: Python - Size: 10.3 MB - Last synced at: 29 days ago - Pushed at: 7 months ago - Stars: 8 - Forks: 1

seddi-research/NEnv
Official repository of "NEnv: Neural Environment Maps for Global Illumination"
Language: Python - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

andrehuang/normalizing-flows-reproduce
Reproduction and extension of "Variational inference with normalizing flows"
Language: Jupyter Notebook - Size: 18.9 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 1

smsharma/jax-conditional-flows
Normalizing flow models allowing for a conditioning context, implemented using Jax, Flax, and Distrax.
Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 3

minaskar/sinflow
Sliced Iterative Normalizing Flow with Minimal Dependencies
Language: Python - Size: 304 KB - Last synced at: 22 days ago - Pushed at: 5 months ago - Stars: 6 - Forks: 0

RodrigoAVargasHdz/ofdft_normalizing-flows
Nomalizing flows for orbita-free DFT
Language: Python - Size: 285 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 6 - Forks: 0

gmgeorg/pylambertw
pylambertw - sklearn interface to analyze and gaussianize heavy-tailed, skewed data
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

slimgroup/FNO-NF.jl
Solving multiphysics-based inverse problems with learned surrogates and constraints
Language: Julia - Size: 6.48 MB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

baosws/DINE
Diffeomorphic Information Neural Estimation (DINE)
Language: Python - Size: 568 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 0

pagiux/passflow
Guessing passwords with Generative Flows.
Language: Python - Size: 10.7 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 5 - Forks: 0

arrjon/Amortized-NLME-Models
Applying amortizing neural posterior estimation for non-linear mixed effects models
Language: Jupyter Notebook - Size: 575 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 5 - Forks: 0
