All Projects → oujago → Numpydl

oujago / Numpydl

Licence: other
Deep Learning Library. For education. Based on pure Numpy. Support CNN, RNN, LSTM, GRU etc.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Numpydl

My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+595.27%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial, deep-learning-algorithms
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (+269.82%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial, deep-learning-algorithms
Letslearnai.github.io
Lets Learn AI
Stars: ✭ 33 (-80.47%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial, deep-learning-algorithms
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-60.36%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Kalasalingam
IEEE "Invited Talk on Deep Learning" 03/02/2018
Stars: ✭ 13 (-92.31%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Deeplearning
This repository will contain the example detailed codes of Tensorflow and Keras, This repository will be useful for Deep Learning staters who find difficult to understand the example codes
Stars: ✭ 49 (-71.01%)
Mutual labels:  deep-learning-tutorial, deep-learning-algorithms
Machine Learning Algorithms
A curated list of almost all machine learning algorithms and deep learning algorithms grouped by category.
Stars: ✭ 92 (-45.56%)
Mutual labels:  deep-learning-tutorial, deep-learning-algorithms
360sd Net
Pytorch implementation of ICRA 2020 paper "360° Stereo Depth Estimation with Learnable Cost Volume"
Stars: ✭ 94 (-44.38%)
Mutual labels:  deep-neural-networks, deep-learning-algorithms
Androidtensorflowmachinelearningexample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
Stars: ✭ 1,369 (+710.06%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-26.63%)
Mutual labels:  deep-neural-networks, deep-learning-algorithms
Machine learning lectures
Collection of lectures and lab lectures on machine learning and deep learning. Lab practices in Python and TensorFlow.
Stars: ✭ 118 (-30.18%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Echo
Python package containing all custom layers used in Neural Networks (Compatible with PyTorch, TensorFlow and MegEngine)
Stars: ✭ 126 (-25.44%)
Mutual labels:  deep-neural-networks, deep-learning-algorithms
Kur
Descriptive Deep Learning
Stars: ✭ 811 (+379.88%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
The Incredible Pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
Stars: ✭ 8,584 (+4979.29%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Machine Learning Tutorials
machine learning and deep learning tutorials, articles and other resources
Stars: ✭ 11,692 (+6818.34%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Stock Analysis Engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
Stars: ✭ 605 (+257.99%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (+122.49%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Androidtensorflowmnistexample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Stars: ✭ 449 (+165.68%)
Mutual labels:  deep-neural-networks, deep-learning-tutorial
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+834.91%)
Mutual labels:  deep-learning-tutorial, deep-learning-algorithms
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-15.38%)
Mutual labels:  deep-neural-networks, deep-learning-algorithms

.. image:: https://readthedocs.org/projects/numpydl/badge/ :target: http://numpydl.readthedocs.org/en/latest/

.. image:: https://img.shields.io/badge/license-MIT-blue.svg :target: https://github.com/oujago/NumpyDL/blob/master/LICENSE

.. image:: https://api.travis-ci.org/oujago/NumpyDL.svg :target: https://travis-ci.org/oujago/NumpyDL

.. image:: https://coveralls.io/repos/github/oujago/NumpyDL/badge.svg :target: https://coveralls.io/github/oujago/NumpyDL

.. image:: https://badge.fury.io/py/npdl.svg :target: https://badge.fury.io/py/npdl

.. image:: https://img.shields.io/badge/python-3.5-blue.svg :target: https://pypi.python.org/pypi/npdl

.. image:: https://img.shields.io/badge/python-3.6-blue.svg :target: https://pypi.python.org/pypi/npdl

.. https://codeclimate.com/github/oujago/NumpyDL/badges/gpa.svg :target: https://codeclimate.com/github/oujago/NumpyDL

.. image:: https://codeclimate.com/github/oujago/NumpyDL/badges/issue_count.svg :target: https://codeclimate.com/github/oujago/NumpyDL

.. image:: https://img.shields.io/github/issues/oujago/NumpyDL.svg :target: https://github.com/oujago/NumpyDL

.. image:: https://zenodo.org/badge/83100910.svg :target: https://zenodo.org/badge/latestdoi/83100910

NumpyDL: Numpy Deep Learning Library

Descriptions

NumpyDL is:

  1. Based on Pure Numpy/Python
  2. For DL Education

Features

Its main features are:

  1. Pure in Numpy
  2. Native to Python
  3. Automatic differentiations are basically supported
  4. Commonly used models are provided: MLP, RNNs, LSTMs and CNNs
  5. Examples for several AI tasks
  6. Application for a toy chatbot

Documentation

Available online documents:

  1. latest docs <http://numpydl.readthedocs.io/en/latest>_
  2. development docs <http://numpydl.readthedocs.io/en/develop/>_
  3. stable docs <http://numpydl.readthedocs.io/en/stable/>_

Available offline PDF:

  1. latest PDF <http://readthedocs.org/projects/numpydl/downloads/pdf/latest>_

Installation

Install NumpyDL using pip:

.. code-block:: bash

$> pip install npdl

Install from source code:

.. code-block:: bash

$> python setup.py install

Examples

NumpyDL provides several examples of AI tasks:

  • sentence classification
    • LSTM in examples/lstm_sentence_classification.py
    • CNN in examples/cnn_sentence_classification.py
  • mnist handwritten recognition
    • MLP in examples/mlp-mnist.py
    • MLP in examples/mlp-digits.py
    • CNN in examples/cnn-minist.py
  • language modeling
    • RNN in examples/rnn-character-lm.py
    • LSTM in examples/lstm-character-lm.py

One concrete code example in examples/mlp-digits.py:

.. code-block:: python

import numpy as np
from sklearn.datasets import load_digits
import npdl

# prepare
npdl.utils.random.set_seed(1234)

# data
digits = load_digits()
X_train = digits.data
X_train /= np.max(X_train)
Y_train = digits.target
n_classes = np.unique(Y_train).size

# model
model = npdl.model.Model()
model.add(npdl.layers.Dense(n_out=500, n_in=64, activation=npdl.activation.ReLU()))
model.add(npdl.layers.Dense(n_out=n_classes, activation=npdl.activation.Softmax()))
model.compile(loss=npdl.objectives.SCCE(), optimizer=npdl.optimizers.SGD(lr=0.005))

# train
model.fit(X_train, npdl.utils.data.one_hot(Y_train), max_iter=150, validation_split=0.1)

Applications

NumpyDL provides one toy application:

  • Chatbot
    • seq2seq in applications/chatbot/model.py

And its final result:

.. figure:: applications/chatbot/pics/chatbot.png :width: 80%

Supports

NumpyDL supports following deep learning techniques:

  • Layers
    • Linear
    • Dense
    • Softmax
    • Dropout
    • Convolution
    • Embedding
    • BatchNormal
    • MeanPooling
    • MaxPooling
    • SimpleRNN
    • GRU
    • LSTM
    • Flatten
    • DimShuffle
  • Optimizers
    • SGD
    • Momentum
    • NesterovMomentum
    • Adagrad
    • RMSprop
    • Adadelta
    • Adam
    • Adamax
  • Objectives
    • MeanSquaredError
    • HellingerDistance
    • BinaryCrossEntropy
    • SoftmaxCategoricalCrossEntropy
  • Initializations
    • Zero
    • One
    • Uniform
    • Normal
    • LecunUniform
    • GlorotUniform
    • GlorotNormal
    • HeNormal
    • HeUniform
    • Orthogonal
  • Activations
    • Sigmoid
    • Tanh
    • ReLU
    • Linear
    • Softmax
    • Elliot
    • SymmetricElliot
    • SoftPlus
    • SoftSign
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].