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
A general python framework for single object tracking in LiDAR point clouds, based on PyTorch Lightning.

Open3DSOT A general python framework for single object tracking in LiDAR point clouds, based on PyTorch Lightning. The official code release of BAT an

Kangel Zenn 172 Dec 23, 2022
PyTorch implementation of a Real-ESRGAN model trained on custom dataset

Real-ESRGAN PyTorch implementation of a Real-ESRGAN model trained on custom dataset. This model shows better results on faces compared to the original

Sber AI 160 Jan 04, 2023
A curated list of long-tailed recognition resources.

Awesome Long-tailed Recognition A curated list of long-tailed recognition and related resources. Please feel free to pull requests or open an issue to

Zhiwei ZHANG 542 Jan 01, 2023
SC-GlowTTS: an Efficient Zero-Shot Multi-Speaker Text-To-Speech Model

SC-GlowTTS: an Efficient Zero-Shot Multi-Speaker Text-To-Speech Model Edresson Casanova, Christopher Shulby, Eren Gölge, Nicolas Michael Müller, Frede

Edresson Casanova 92 Dec 09, 2022
An interactive DNN Model deployed on web that predicts the chance of heart failure for a patient with an accuracy of 98%

Heart Failure Predictor About A Web UI deployed Dense Neural Network Model Made using Tensorflow that predicts whether the patient is healthy or has c

Adit Ahmedabadi 0 Jan 09, 2022
NCVX (NonConVeX): A User-Friendly and Scalable Package for Nonconvex Optimization in Machine Learning.

NCVX NCVX: A User-Friendly and Scalable Package for Nonconvex Optimization in Machine Learning. Please check https://ncvx.org for detailed instruction

SUN Group @ UMN 28 Aug 03, 2022
Real-time Joint Semantic Reasoning for Autonomous Driving

MultiNet MultiNet is able to jointly perform road segmentation, car detection and street classification. The model achieves real-time speed and state-

Marvin Teichmann 518 Dec 12, 2022
Code accompanying our paper Feature Learning in Infinite-Width Neural Networks

Empirical Experiments in "Feature Learning in Infinite-width Neural Networks" This repo contains code to replicate our experiments (Word2Vec, MAML) in

Edward Hu 37 Dec 14, 2022
TorchGRL is the source code for our paper Graph Convolution-Based Deep Reinforcement Learning for Multi-Agent Decision-Making in Mixed Traffic Environments for IV 2022.

TorchGRL TorchGRL is the source code for our paper Graph Convolution-Based Deep Reinforcement Learning for Multi-Agent Decision-Making in Mixed Traffi

XXQQ 42 Dec 09, 2022
Implementation of the paper All Labels Are Not Created Equal: Enhancing Semi-supervision via Label Grouping and Co-training

SemCo The official pytorch implementation of the paper All Labels Are Not Created Equal: Enhancing Semi-supervision via Label Grouping and Co-training

42 Nov 14, 2022
Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification.

Easy Few-Shot Learning Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification. This repository is made for you

Sicara 399 Jan 08, 2023
TyXe: Pyro-based BNNs for Pytorch users

TyXe: Pyro-based BNNs for Pytorch users TyXe aims to simplify the process of turning Pytorch neural networks into Bayesian neural networks by leveragi

87 Jan 03, 2023
An implementation of the BADGE batch active learning algorithm.

Batch Active learning by Diverse Gradient Embeddings (BADGE) An implementation of the BADGE batch active learning algorithm. Details are provided in o

125 Dec 24, 2022
Tensorflow implementation of soft-attention mechanism for video caption generation.

SA-tensorflow Tensorflow implementation of soft-attention mechanism for video caption generation. An example of soft-attention mechanism. The attentio

Paul Chen 153 Nov 14, 2022
clustering moroccan stocks time series data using k-means with dtw (dynamic time warping)

Moroccan Stocks Clustering Context Hey! we don't always have to forecast time series am I right ? We use k-means to cluster about 70 moroccan stock pr

Ayman Lafaz 7 Oct 18, 2022
Weakly Supervised 3D Object Detection from Point Cloud with Only Image Level Annotation

SCCKTIM Weakly Supervised 3D Object Detection from Point Cloud with Only Image-Level Annotation Our code will be available soon. The class knowledge t

1 Nov 12, 2021
PCACE: A Statistical Approach to Ranking Neurons for CNN Interpretability

PCACE: A Statistical Approach to Ranking Neurons for CNN Interpretability PCACE is a new algorithm for ranking neurons in a CNN architecture in order

4 Jan 04, 2022
Contrastively Disentangled Sequential Variational Audoencoder

Contrastively Disentangled Sequential Variational Audoencoder (C-DSVAE) Overview This is the implementation for our C-DSVAE, a novel self-supervised d

Junwen Bai 35 Dec 24, 2022
Learning Visual Words for Weakly-Supervised Semantic Segmentation

[IJCAI 2021] Learning Visual Words for Weakly-Supervised Semantic Segmentation Implementation of IJCAI 2021 paper Learning Visual Words for Weakly-Sup

Lixiang Ru 24 Oct 05, 2022