All Projects → JesperDramsch → keras-complex

JesperDramsch / keras-complex

Licence: other
Keras-Tensorflow implementation of complex-valued convolutional neural networks

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to keras-complex

Facial-Expression-Recognition
Facial Expression Recognition with Keras
Stars: ✭ 17 (-82.29%)
Mutual labels:  keras-tensorflow
keras tfrecord
Extending Keras to support tfrecord dataset
Stars: ✭ 61 (-36.46%)
Mutual labels:  keras-tensorflow
gcnn keras
Graph convolution with tf.keras
Stars: ✭ 47 (-51.04%)
Mutual labels:  keras-tensorflow
ImmunoLynk
[Lumiata COVID-19 Winner] COVID Immunity testing results registered to the Blockchain for healthcare safety.
Stars: ✭ 17 (-82.29%)
Mutual labels:  keras-tensorflow
f-flat node
F♭ (pronounced F-flat) is a toy language.
Stars: ✭ 22 (-77.08%)
Mutual labels:  complex-numbers
tf-faster-rcnn
Tensorflow 2 Faster-RCNN implementation from scratch supporting to the batch processing with MobileNetV2 and VGG16 backbones
Stars: ✭ 88 (-8.33%)
Mutual labels:  keras-tensorflow
PolyphonicPianoTranscription
Recurrent Neural Network for generating piano MIDI-files from audio (MP3, WAV, etc.)
Stars: ✭ 146 (+52.08%)
Mutual labels:  keras-tensorflow
One-Shot-Learning
Matching Networks Tensorflow 2 Implementation for few-shot AD diagnosis
Stars: ✭ 22 (-77.08%)
Mutual labels:  keras-tensorflow
GradCAM and GuidedGradCAM tf2
Implementation of GradCAM & Guided GradCAM with Tensorflow 2.x
Stars: ✭ 16 (-83.33%)
Mutual labels:  keras-tensorflow
G-SimCLR
This is the code base for paper "G-SimCLR : Self-Supervised Contrastive Learning with Guided Projection via Pseudo Labelling" by Souradip Chakraborty, Aritra Roy Gosthipaty and Sayak Paul.
Stars: ✭ 69 (-28.12%)
Mutual labels:  keras-tensorflow
Brain-MRI-Segmentation
Smart India Hackathon 2019 project given by the Department of Atomic Energy
Stars: ✭ 29 (-69.79%)
Mutual labels:  keras-tensorflow
Keras ile Derin Ogrenmeye Giris
BTK Akademi -1 Milyon İstihdam Projesi için Merve Ayyüce Kızrak tarafından Hazırlanmıştır.
Stars: ✭ 109 (+13.54%)
Mutual labels:  keras-tensorflow
fall-detection-two-stream-cnn
Real-time fall detection using two-stream convolutional neural net (CNN) with Motion History Image (MHI)
Stars: ✭ 49 (-48.96%)
Mutual labels:  keras-tensorflow
Fatou.jl
Fatou sets in Julia (Fractals, Newton basins, Mandelbrot)
Stars: ✭ 92 (-4.17%)
Mutual labels:  complex-numbers
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-79.17%)
Mutual labels:  keras-tensorflow
a-neural-algorithm-of-artistic-style
Keras implementation of "A Neural Algorithm of Artistic Style"
Stars: ✭ 110 (+14.58%)
Mutual labels:  keras-tensorflow
Real-Time-Violence-Detection-in-Video-
No description or website provided.
Stars: ✭ 54 (-43.75%)
Mutual labels:  keras-tensorflow
keras-yolo3-facedetection
Real-time face detection model using YOLOv3 with Keras
Stars: ✭ 13 (-86.46%)
Mutual labels:  keras-tensorflow
Deep-Quality-Value-Family
Official implementation of the paper "Approximating two value functions instead of one: towards characterizing a new family of Deep Reinforcement Learning Algorithms": https://arxiv.org/abs/1909.01779 To appear at the next NeurIPS2019 DRL-Workshop
Stars: ✭ 12 (-87.5%)
Mutual labels:  keras-tensorflow
digit-recognizer-live
Recognize Digits using Deep Neural Networks in Google Chrome live!
Stars: ✭ 29 (-69.79%)
Mutual labels:  keras-tensorflow

Complex-Valued Neural Networks in Keras with Tensorflow

Documentation PyPI Status PyPI Versions Build Status PyPI License

Complex-valued convolutions could provide some interesting results in signal processing-based deep learning. A simple(-ish) idea is including explicit phase information of time series in neural networks. This code enables complex-valued convolution in convolutional neural networks in keras with the TensorFlow backend. This makes the network modular and interoperable with standard keras layers and operations.

This code is very much in Alpha. Please consider helping out improving the code to advance together. This repository is based on the code which reproduces experiments presented in the paper Deep Complex Networks. It is a port to Keras with Tensorflow-backend.

Requirements

  • numpy
  • scipy
  • scikit-learn
  • keras
  • tensorflow 1.X or tensorflow-gpu 1.X

Install requirements for computer vision experiments with pip:

pip install -f requirements.txt

For the non-gpu version:

pip install -f requirements-nogpu.txt

Depending on your Python installation you might want to use anaconda or other tools.

Installation

pip install keras-complex

and

pip install tensorflow-gpu

Usage

Build your neural networks with the help of keras.

import complexnn

import keras
from keras import models
from keras import layers
from keras import optimizers

model = models.Sequential()

model.add(complexnn.conv.ComplexConv2D(32, (3, 3), activation='relu', padding='same', input_shape=(28, 28, 2)))
model.add(complexnn.bn.ComplexBatchNormalization())
model.add(layers.MaxPooling2D((2, 2), padding='same'))

model.compile(optimizer=optimizers.Adam(), loss='mse')

An example working implementation of an autoencoder can be found here.

Citation

Please cite the original work as:

@ARTICLE {Trabelsi2017,
    author  = "Chiheb Trabelsi, Olexa Bilaniuk, Ying Zhang, Dmitriy Serdyuk, Sandeep Subramanian, João Felipe Santos, Soroush Mehri, Negar Rostamzadeh, Yoshua Bengio, Christopher J Pal",
    title   = "Deep Complex Networks",
    journal = "arXiv preprint arXiv:1705.09792",
    year    = "2017"
}

Cite this software version as:

@misc{dramsch2019complex, 
    title     = {Complex-Valued Neural Networks in Keras with Tensorflow}, 
    url       = {https://figshare.com/articles/Complex-Valued_Neural_Networks_in_Keras_with_Tensorflow/9783773/1}, 
    DOI       = {10.6084/m9.figshare.9783773}, 
    publisher = {figshare}, 
    author    = {Dramsch, Jesper S{\"o}ren and Contributors}, 
    year      = {2019}
}
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].