HeatNet is a python package that provides tools to build, train and evaluate neural networks designed to predict extreme heat wave events globally on daily to subseasonal timescales.

Related tags

Deep Learningheatnet
Overview

HeatNet

HeatNet is a python package that provides tools to build, train and evaluate neural networks designed to predict extreme heat wave events globally on daily to subseasonal timescales. It also includes preprocessing tools for atmospheric reanalysis data from the Copernicus Climate Data Store.

Dependencies

HeatNet relies on the DLWP-CS project, described in Weyn et al. (2020), and inherits all of its dependencies.

HeatNet requires installation of

  • TensorFlow >= 2.0, to build neural networks and data generators.
  • netCDF4, to read and write netCDF4 datasets.
  • xarray, to seamlessly manipulate datasets and data arrays.
  • dask, to support parallel xarray computations and streaming computation on datasets that don't fit into memory.
  • h5netcdf, which provides a flexible engine for xarray I/O operations.
  • NumPy for efficient array manipulation.
  • cdsapi, to enable downloading data from the Copernicus Climate Data Store.
  • TempestRemap, for mapping functions from latitude-longitude grids to cubed-sphere grids.

Modules

  • data: Classes and methods to download, preprocess and generate reanalysis data for model training.
  • model: Model architectures, custom losses and model estimators with descriptive metadata.
  • eval: Methods to evaluate model predictions, and compare against persistence or climatology.
  • test: Unit tests for classes and methods in the package.

License

HeatNet is distributed under the GNU General Public License Version 3, which means that any software modifying or relying on the HeatNet package must be distributed under the same license. Consult the full notice to understand your rights.

Installation guide

The installation of heatnet and its dependencies has been tested with the following configuration on both Linux and Mac personal workstations:

  • Create a new Python 3.7 environment using [conda] (https://www.anaconda.com/products/individual).

  • In the terminal, activate the environment,
    conda activate .

  • Install TensorFlow v2.3,
    pip install tensorflow==2.3

  • Install xarray,
    pip install xarray

  • Install netCDF4,
    conda install netCDF4

  • Install TempestRemap,
    conda install -c conda-forge tempest-remap

  • Install h5netcdf,
    conda install -c conda-forge h5netcdf

  • Install pygrib (Optional),
    pip install pygrib

  • Install cdsapi,
    pip install cdsapi

  • Install h5py v2.10.0,
    pip install h5py==2.10.0

  • Finally, install dask,
    pip install dask

  • The DLWP package is not currently published, so the source code must be downloaded from its GitHub repository. It is recommended to download this package in the same parent directory as HeatNet,
    git clone https://github.com/jweyn/DLWP-CS.git

  • If you want to plot results using Basemap, which is a slightly fragile (and deprecated) package, the following configuration is compatible with this setup:
    conda install basemap
    pip install -U matplotlib==3.2

Disclaimers

This is not an officially supported Google Product.

Owner
Google Research
Google Research
Resources related to EMNLP 2021 paper "FAME: Feature-Based Adversarial Meta-Embeddings for Robust Input Representations"

FAME: Feature-based Adversarial Meta-Embeddings This is the companion code for the experiments reported in the paper "FAME: Feature-Based Adversarial

Bosch Research 11 Nov 27, 2022
Code accompanying the paper "How Tight Can PAC-Bayes be in the Small Data Regime?"

How Tight Can PAC-Bayes be in the Small Data Regime? This is the code to reproduce all experiments for the following paper: @inproceedings{Foong:2021:

5 Dec 21, 2021
Mesh TensorFlow: Model Parallelism Made Easier

Mesh TensorFlow - Model Parallelism Made Easier Introduction Mesh TensorFlow (mtf) is a language for distributed deep learning, capable of specifying

1.3k Dec 26, 2022
CVPR2022 (Oral) - Rethinking Semantic Segmentation: A Prototype View

Rethinking Semantic Segmentation: A Prototype View Rethinking Semantic Segmentation: A Prototype View, Tianfei Zhou, Wenguan Wang, Ender Konukoglu and

Tianfei Zhou 239 Dec 26, 2022
MLP-Numpy - A simple modular implementation of Multi Layer Perceptron in pure Numpy.

MLP-Numpy A simple modular implementation of Multi Layer Perceptron in pure Numpy. I used the Iris dataset from scikit-learn library for the experimen

Soroush Omranpour 1 Jan 01, 2022
My course projects for the 2021 Spring Machine Learning course at the National Taiwan University (NTU)

ML2021Spring There are my projects for the 2021 Spring Machine Learning course at the National Taiwan University (NTU) Course Web : https://speech.ee.

Ding-Li Chen 15 Aug 29, 2022
Learning Tracking Representations via Dual-Branch Fully Transformer Networks

Learning Tracking Representations via Dual-Branch Fully Transformer Networks DualTFR ⭐ We achieves the runner-ups for both VOT2021ST (short-term) and

phiphi 19 May 04, 2022
Implementation for HFGI: High-Fidelity GAN Inversion for Image Attribute Editing

HFGI: High-Fidelity GAN Inversion for Image Attribute Editing High-Fidelity GAN Inversion for Image Attribute Editing Update: We released the inferenc

Tengfei Wang 371 Dec 30, 2022
Kaggle Lyft Motion Prediction for Autonomous Vehicles 4th place solution

Lyft Motion Prediction for Autonomous Vehicles Code for the 4th place solution of Lyft Motion Prediction for Autonomous Vehicles on Kaggle. Discussion

44 Jun 27, 2022
RDA: Robust Domain Adaptation via Fourier Adversarial Attacking

RDA: Robust Domain Adaptation via Fourier Adversarial Attacking Updates 08/2021: check out our domain adaptation for video segmentation paper Domain A

17 Nov 30, 2022
Exploring Versatile Prior for Human Motion via Motion Frequency Guidance (3DV2021)

Exploring Versatile Prior for Human Motion via Motion Frequency Guidance [Video Demo] [Paper] Installation Requirements Python 3.6 PyTorch 1.1.0 Pleas

Jiachen Xu 19 Oct 28, 2022
ONNX-GLPDepth - Python scripts for performing monocular depth estimation using the GLPDepth model in ONNX

ONNX-GLPDepth - Python scripts for performing monocular depth estimation using the GLPDepth model in ONNX

Ibai Gorordo 18 Nov 06, 2022
Rest API Written In Python To Classify NSFW Images.

Rest API Written In Python To Classify NSFW Images.

Wahyusaputra 2 Dec 23, 2021
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.

#NeuralTalk Warning: Deprecated. Hi there, this code is now quite old and inefficient, and now deprecated. I am leaving it on Github for educational p

Andrej 5.3k Jan 07, 2023
PyTorch implementation of the ideas presented in the paper Interaction Grounded Learning (IGL)

Interaction Grounded Learning This repository contains a simple PyTorch implementation of the ideas presented in the paper Interaction Grounded Learni

Arthur Juliani 4 Aug 31, 2022
Aerial Single-View Depth Completion with Image-Guided Uncertainty Estimation (RA-L/ICRA 2020)

Aerial Depth Completion This work is described in the letter "Aerial Single-View Depth Completion with Image-Guided Uncertainty Estimation", by Lucas

ETHZ V4RL 70 Dec 22, 2022
VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech

VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech Jaehyeon Kim, Jungil Kong, and Juhee Son In our rece

Jaehyeon Kim 1.7k Jan 08, 2023
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).

GAM ⠀⠀ A PyTorch implementation of Graph Classification Using Structural Attention (KDD 2018). Abstract Graph classification is a problem with practic

Benedek Rozemberczki 259 Dec 05, 2022
Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021)

T2Net Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021) [Paper][Code] Dependencies numpy==1.18.5 scikit_image==

64 Nov 23, 2022
A paper using optimal transport to solve the graph matching problem.

GOAT A paper using optimal transport to solve the graph matching problem. https://arxiv.org/abs/2111.05366 Repo structure .github: Files specifying ho

neurodata 8 Jan 04, 2023