Description
GPU-Accelerated Deep Learning Library in Python
Hebel is a library for deep learning with neural networks in Python using GPU acceleration with CUDA through PyCUDA. It implements the most important types of neural network models and offers a variety of different activation functions and training methods such as momentum, Nesterov momentum, dropout, and early stopping.
I no longer actively develop Hebel. If you are looking for a deep learning framework in Python, I now recommend Chainer.
hebel alternatives and similar packages
Based on the "Machine Learning" category.
Alternatively, view hebel alternatives based on common mentions on social networks and blogs.
-
xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow -
CNTK
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit -
PaddlePaddle
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署) -
Prophet
Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth. -
TFLearn
Deep learning library featuring a higher-level API for TensorFlow. -
NuPIC
Numenta Platform for Intelligent Computing is an implementation of Hierarchical Temporal Memory (HTM), a theory of intelligence based strictly on the neuroscience of the neocortex. -
H2O
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc. -
Surprise
A Python scikit for building and analyzing recommender systems -
LightFM
A Python implementation of LightFM, a hybrid recommendation algorithm. -
Pylearn2
Warning: This project does not have any current developer. See bellow. -
Sacred
Sacred is a tool to help you configure, organize, log and reproduce experiments developed at IDSIA. -
skflow
Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning -
Clairvoyant
Software designed to identify and monitor social/historical cues for short term stock movement -
Metrics
Machine learning evaluation metrics, implemented in Python, R, Haskell, and MATLAB / Octave -
python-recsys
A python library for implementing a recommender system -
karateclub
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020) -
awesome-embedding-models
A curated list of awesome embedding models tutorials, projects and communities. -
Crab
Crab is a flexible, fast recommender engine for Python that integrates classic information filtering recommendation algorithms in the world of scientific Python packages (numpy, scipy, matplotlib). -
adaptive
:chart_with_upwards_trend: Adaptive: parallel active learning of mathematical functions -
seqeval
A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...) -
Xorbits
Scalable Python DS & ML, in an API compatible & lightning fast way. -
TrueSkill, the video game rating system
An implementation of the TrueSkill rating system for Python -
SciKit-Learn Laboratory
SciKit-Learn Laboratory (SKLL) makes it easy to run machine learning experiments. -
Feature Forge
A set of tools for creating and testing machine learning features, with a scikit-learn compatible API -
Data Flow Facilitator for Machine Learning (dffml)
The easiest way to use Machine Learning. Mix and match underlying ML libraries and data set sources. Generate new datasets or modify existing ones with ease. -
bodywork
ML pipeline orchestration and model deployments on Kubernetes, made really easy. -
MLP Classifier
A handwritten multilayer perceptron classifer using numpy. -
OptaPy
OptaPy is an AI constraint solver for Python to optimize planning and scheduling problems. -
omega-ml
MLOps simplified. From ML Pipeline ⇨ Data Product without the hassle -
ChaiPy
A developer interface for creating advanced chatbots for the Chai app. -
neptune-contrib
This library is a location of the LegacyLogger for PyTorch Lightning. -
tfgraphviz
A visualization tool to show a TensorFlow's graph like TensorBoard
Write Clean Python Code. Always.
* Code Quality Rankings and insights are calculated and provided by Lumnify.
They vary from L1 to L5 with "L5" being the highest.
Do you think we are missing an alternative of hebel or a related project?
Popular Comparisons
README
Hebel
GPU-Accelerated Deep Learning Library in Python
Hebel is a library for deep learning with neural networks in Python using GPU acceleration with CUDA through PyCUDA. It implements the most important types of neural network models and offers a variety of different activation functions and training methods such as momentum, Nesterov momentum, dropout, and early stopping.
I no longer actively develop Hebel. If you are looking for a deep learning framework in Python, I now recommend Chainer.
Models
Right now, Hebel implements feed-forward neural networks for classification and regression on one or multiple tasks. Other models such as Autoencoder, Convolutional neural nets, and Restricted Boltzman machines are planned for the future.
Hebel implements dropout as well as L1 and L2 weight decay for regularization.
Optimization
Hebel implements stochastic gradient descent (SGD) with regular and Nesterov momentum.
Compatibility
Currently, Hebel will run on Linux and Windows, and probably Mac OS X (not tested).
Dependencies
- PyCUDA
- numpy
- PyYAML
- skdata (only for MNIST example)
Installation
Hebel is on PyPi, so you can install it with
pip install hebel
Getting started
Study the yaml configuration files in examples/
and run
python train_model.py examples/mnist_neural_net_shallow.yml
The script will create a directory in examples/mnist
where the models and logs are saved.
Read the Getting started guide at hebel.readthedocs.org/en/latest/getting_started.html for more information.
Documentation
Contact
Maintained by Hannes Bretschneider ([email protected]). If your are using Hebel, please let me know whether you find it useful and file a Github issue if you find any bugs or have feature requests.
Citing
If you make use of Hebel in your research, please cite it. The BibTeX reference is
@article{Bretschneider:10050,
author = "Hannes Bretschneider",
title = "{Hebel - GPU-Accelerated Deep Learning Library in Python}",
month = "May",
year = "2014",
doi = "10.5281/zenodo.10050",
url = "https://zenodo.org/record/10050",
}
What's with the name?
Hebel is the German word for lever, one of the oldest tools that humans use. As Archimedes said it: "Give me a lever long enough and a fulcrum on which to place it, and I shall move the world."