Fast, flexible and fun neural networks.

Overview

Brainstorm

Discontinuation Notice
Brainstorm is no longer being maintained, so we recommend using one of the many other,available frameworks, such as Tensorflow or Chainer. These and similar large projects are supported much more actively by a larger number of contributors. They provide, or plan to provide many available and planned features of brainstorm, and have several advantages, particularly in speed. In order to avoid fragmentation and waste of effort, we have decided to discontinue the brainstorm project and contribute to other frameworks and related projects such as Sacred instead. Many thanks to everyone who contributed! For us it has been a thoroughly enjoyable and educational experience.

Documentation Status PyPi Version MIT license Python Versions

Brainstorm makes working with neural networks fast, flexible and fun.

Combining lessons from previous projects with new design elements, and written entirely in Python, Brainstorm has been designed to work on multiple platforms with multiple computing backends.

Getting Started

A good point to start is the brief walkthrough of the cifar10_cnn.py example.
More documentation is in progress, and hosted on ReadTheDocs. If you wish, you can also run the data preparation scripts (data directory) and look at some basic examples (examples directory).

Status

Brainstorm is discontinued.

The currently available feature set includes recurrent (simple, LSTM, Clockwork), 2D convolution/pooling, Highway and batch normalization layers. API documentation is fairly complete and we are currently working on tutorials and usage guides.

Brainstorm abstracts computations via handlers with a consistent API. Currently, two handlers are provided: NumpyHandler for computations on the CPU (through Numpy/Cython) and PyCudaHandler for the GPU (through PyCUDA and scikit-cuda).

Installation

Here are some quick instructions for installing the latest master branch on Ubuntu.

# Install pre-requisites
sudo apt-get update
sudo apt-get install python-dev libhdf5-dev git python-pip
# Get brainstorm
git clone https://github.com/IDSIA/brainstorm
# Install
cd brainstorm
[sudo] pip install -r requirements.txt
[sudo] python setup.py install
# Build local documentation (optional)
sudo apt-get install python-sphinx
make docs
# Install visualization dependencies (optional)
sudo apt-get install graphviz libgraphviz-dev pkg-config
[sudo] pip install pygraphviz --install-option="--include-path=/usr/include/graphviz" --install-option="--library-path=/usr/lib/graphviz/"

To use your CUDA installation with brainstorm:

$ [sudo] pip install -r pycuda_requirements.txt

Set location for storing datasets:

echo "export BRAINSTORM_DATA_DIR=/home/my_data_dir/" >> ~/.bashrc

Help and Support

If you have any suggestions or questions, please post to the Google group.

If you encounter any errors or problems, please let us know by opening an issue.

License

MIT License. Please see the LICENSE file.

Acknowledgements and Citation

Klaus Greff and Rupesh Srivastava would like to thank Jürgen Schmidhuber for his continuous supervision and encouragement. Funding from EU projects NASCENCE (FP7-ICT-317662) and WAY (FP7-ICT-288551) was instrumental during the development of this project. We also thank Nvidia Corporation for their donation of GPUs.

If you use Brainstorm in your research, please cite us as follows:

Klaus Greff, Rupesh Kumar Srivastava and Jürgen Schmidhuber. 2016. Brainstorm: Fast, Flexible and Fun Neural Networks, Version 0.5. https://github.com/IDSIA/brainstorm

Bibtex:

@misc{brainstorm2015,
  author = {Klaus Greff and Rupesh Kumar Srivastava and Jürgen Schmidhuber},
  title = {{Brainstorm: Fast, Flexible and Fun Neural Networks, Version 0.5}},
  year = {2015},
  url = {https://github.com/IDSIA/brainstorm}
}
Comments
  • mnist_lstm example fails

    mnist_lstm example fails

    Using PyCudaHandler, I get:

    [Traceback (most recent call last):
      File "mnist_lstm.py", line 85, in <module>
        trainer.train(network, train_getter, valid_getter=valid_getter)
      File "build/bdist.linux-x86_64/egg/brainstorm/training/trainer.py", line 50, in train
      File "build/bdist.linux-x86_64/egg/brainstorm/training/trainer.py", line 126, in _emit_monitoring
      File "build/bdist.linux-x86_64/egg/brainstorm/training/trainer.py", line 136, in _call_monitor
      File "build/bdist.linux-x86_64/egg/brainstorm/training/monitors.py", line 289, in __call__
      File "build/bdist.linux-x86_64/egg/brainstorm/training/trainer.py", line 169, in run_network
      File "build/bdist.linux-x86_64/egg/brainstorm/structure/network.py", line 62, in provide_external_data
      File "build/bdist.linux-x86_64/egg/brainstorm/handlers/pycuda_handler.py", line 49, in copy_to
    pycuda._driver.LogicError: cuMemcpyDtoD failed: invalid argument in <brainstorm.training.monitors.MonitorAccuracy object at 0x7fea2cf61050>
    

    @untom, perhaps you have an idea about what might be causing this?

    bug 
    opened by flukeskywalker 28
  • Changing the conv memory layout

    Changing the conv memory layout

    We just briefly discussed this and I think it would be good to change the buffer layout for our convolutional layers from 1 to 2:

    1. (time, batch_size, channels, height, width)
    2. (time, batch_size, height, width, channels)

    Pros

    • Batch-normalization for conv layers would be easier, because there you want to estimate the mean/std over all time, batch_size, height, and width but not channels. And that you could then do with a single flatten operation.
    • When writing an 2D-RNN or 2D-LSTM implementation, it would then probably be possible to do the matrix multiplication for the recurrent matrices with a single BLAS call over all images in the batch, because only a single striding is needed, and not two.
    • It makes more sense from a memory layout perspective, because each filter of a convolution uses all channels but not the entire width/height.
    • OpenCV and apparently caffe2 use that format

    Cons

    • Caffe uses format 1
    • We need to change our code :-(
    enhancement 
    opened by Qwlouse 23
  • CUDA convolutional/pooling layers

    CUDA convolutional/pooling layers

    Addition of convolution/pooling layers will significantly add capabilities to the library. The base has been designed keeping this in mind, so having these is a pre-alpha goal.

    opened by flukeskywalker 17
  • PyCudaHandler is broken

    PyCudaHandler is broken

    The recent added functionality seems to have broken the PyCudaHandler (including the tests). Running the tests results in:

    Traceback (most recent call last):
      File "/home/arkade/venv/py2/local/lib/python2.7/site-packages/_pytest/config.py", line 543, in importconftest
        mod = conftestpath.pyimport()
      File "/home/arkade/venv/py2/local/lib/python2.7/site-packages/py/_path/local.py", line 650, in pyimport
        __import__(modname)
      File "/home/arkade/Dropbox/codes/brainstorm/test/conftest.py", line 7, in <module>
        from brainstorm.structure.architecture import (
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/__init__.py", line 5, in <module>
        from brainstorm.structure import *
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/__init__.py", line 4, in <module>
        from brainstorm.structure.network import Network
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/network.py", line 11, in <module>
        from brainstorm.structure.buffers import BufferManager
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/buffers.py", line 6, in <module>
        from brainstorm.handlers import default_handler
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/handlers/__init__.py", line 10, in <module>
        from brainstorm.handlers.pycuda_handler import PyCudaHandler
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/handlers/pycuda_handler.py", line 40, in <module>
        class PyCudaHandler(Handler):
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/handlers/pycuda_handler.py", line 79, in PyCudaHandler
        array_type = pycuda.gpuarray.GPUArray
    NameError: name 'pycuda' is not defined
    

    Changing L79 in pycuda_handler.py to array_type = gpuarray.GPUArray leads to the bigger problem:

    Traceback (most recent call last):
      File "/home/arkade/venv/py2/local/lib/python2.7/site-packages/_pytest/config.py", line 543, in importconftest
        mod = conftestpath.pyimport()
      File "/home/arkade/venv/py2/local/lib/python2.7/site-packages/py/_path/local.py", line 650, in pyimport
        __import__(modname)
      File "/home/arkade/Dropbox/codes/brainstorm/test/conftest.py", line 7, in <module>
        from brainstorm.structure.architecture import (
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/__init__.py", line 5, in <module>
        from brainstorm.structure import *
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/__init__.py", line 4, in <module>
        from brainstorm.structure.network import Network
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/network.py", line 11, in <module>
        from brainstorm.structure.buffers import BufferManager
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/structure/buffers.py", line 6, in <module>
        from brainstorm.handlers import default_handler
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/handlers/__init__.py", line 10, in <module>
        from brainstorm.handlers.pycuda_handler import PyCudaHandler
      File "/home/arkade/Dropbox/codes/brainstorm/brainstorm/handlers/pycuda_handler.py", line 627, in <module>
        _mod = SourceModule(__softmax_kernel_code)
      File "/home/arkade/venv/py2/local/lib/python2.7/site-packages/pycuda/compiler.py", line 262, in __init__
        self.module = module_from_buffer(cubin)
    LogicError: cuModuleLoadDataEx failed: invalid device context -
    
    bug 
    opened by flukeskywalker 16
  • Merge forward and backward buffers

    Merge forward and backward buffers

    I wanted to continue the discussion about merging the forward- and backward buffers into a single buffer. The main advantage I see in this is that the code will be easier to read: whenever I show people brainstorm code, one of the first questions that pops up is "what do these buffers mean/why are there 2 of them" -- admittedly my sample size so far is 2 (I myself was also confused, so let's make it 3 ;) ). Also a pattern that emerges often within the code is something along the lines of:

        Ha = forward_buffers.internals.Ha
        dHa = backward_buffers.internals.Ha
    

    Which indicates, to me at least, that the true name of backward_buffers.internals.Ha is should actually be buffers.internals.dHa, anyways.

    If we implement this change, there are two ways to go:

    1. Explicitly list the 'backward buffers' in the get_internal_structure:

      def get_internal_structure(self):
          internals = OrderedDict()
          internals['Ha'] = ShapeTemplate('T', 'B', self.size)
          internals['dHa'] = ShapeTemplate('T', 'B', self.size)
          return internals
      
    2. Have a flag for each buffer requested via get_internal_structure, which indicates whether we need a "backward" buffer as well. In that case, just append a "d" to the name of the "forward buffer" we created. e.g.:

      def get_internal_structure(self):
          internals = OrderedDict()
          internals['Ha'] = ShapeTemplate('T', 'B', self.size, needs_gradient_buffer=True)
          return internals
      

    The advantage of the 2nd approach is that it would still be fairly easy to lazily allocate backward buffers, and that it's less wordy. The downsize is that it might be a bit "magical". Which is why I actually prefer the first approach, even though it wastes memory and requires more typing. Typically, if you have enough memory the run a forward path, you'll have enough for the backward path as well, IMO.

    Anyways... thoughts?

    opened by untom 12
  • Plan for Monitors

    Plan for Monitors

    Issue A

    Proposals:

    1. Rename MonitorAccuracy to MonitorClassificationAccuracy. Additionally, later implement MonitorMeanSquaredError etc. We already have a separate MonitorHammingScore.
    2. Implement MonitorScore/MonitorError (a better name) which allows the options to monitor various types of scores/errors such as classification error, hamming score, mean squared error etc.

    2 will prevent code duplication. 1 might be more intuitive to use?

    Issue B

    Additionally, me and @Qwlouse talked some time ago about perhaps renaming Monitors (perhaps call them 'Hooks'?) This is because Monitors can do more than just monitoring stuff.

    opened by flukeskywalker 10
  • Implement StopAfterThresholdReached hook

    Implement StopAfterThresholdReached hook

    This hook stops the training when a certain accuracy, for example 97 %, is reached. Since it might be useful for others, I thought I'd share it.

    Example usage:

    trainer.add_hook(bs.hooks.StopAfterThresholdReached('validation.Accuracy',
                                                        threshold=0.97,
                                                        criterion='at_least'))
    

    This needs a test and some documentation. If there would be documentation and tests for the existing EarlyStopper, then I could write similar docs and tests for this hook.

    opened by iver56 9
  • Plotting functionality for monitors

    Plotting functionality for monitors

    Would it make sense to provide basic plotting functionality to monitors that output per-epoch results (i.e. the accuracy monitor)?

    • In one glance you would be able to obtain information about (speed of) convergence and performance.
    • Allows easier sharing of results from one researcher to another.
    • Would require matplotlib to be in place if the user chooses to make use of this functionality.
    enhancement 
    opened by sjoerdvansteenkiste 9
  • Added a function for extracting decoding results to python

    Added a function for extracting decoding results to python

    I am unsure if I am just missing something, but I could not find a simple method for doing a forward pass on some data and then extracting the results back to python. This is a function that does this, though I am not sure that I am entirely happy with how it returns data (as a list of lists of outputs of batches).

    (If I did indeed miss the easy way to do this, my suggestion would be that one of the examples should do just that - i.e. say decode some MNIST test data and display prediction vs reference)

    opened by halcy 6
  • Regression Discrepancy

    Regression Discrepancy

    It looks like regression is looking for inputs names inputs_1 and inputs_2 instead of target and default.

    • Is there a reason for this?
    • Can you provide a simple regression example?

    Also, I can't seem to get this to work even with the named changes. I get an error as such:

    brainstorm.utils.LayerValidationError: Invalid in_shapes. SquaredDifference has no input(s) named "set([u'default', u'targets'])". Choices are: set([u'inputs_2', u'inputs_1'])
    

    Sizing is: Input shape: (1411889, 1, 1) | Target shape: (1411889, 1, 1)

    batch_size = 1
    x_tr = x_tr[:, np.newaxis]
    y_tr = np.roll(x_tr, -1, axis=0)
    
    print("Input shape: %s | Target shape: %s" % (x_tr.shape, y_tr.shape))
    getter_tr = Minibatches(batch_size, shuffle=False)
    
    # ----------------------------- Set up Network ------------------------------ #
    
    network = bs.tools.create_net_from_spec(task_type='regression',
                                            in_shape=batch_size,
                                            out_shape=batch_size,
                                            spec='L1 L512 D0.5 L256 D0.5 L512 L1') #also tried F1 for last layer
    #                                        data_name='inputs_1',
    #                                        targets_name='inputs_2')
    network.set_handler(PyCudaHandler())
    network.initialize(bs.initializers.Gaussian(0.01))
    
    # ----------------------------- Set up Trainer ------------------------------ #
    
    trainer = bs.Trainer(bs.training.MomentumStepper(learning_rate=0.01,
                                                     momentum=0.9),
                         verbose=True)
    trainer.add_hook(bs.hooks.ProgressBar())
    #out_name='Output_Conv.outputs.default')]
    scorers = [bs.scorers.MeanSquaredError()] #targets_name='inputs_2'
    
    bug 
    opened by jramapuram 5
  • MergeLayer

    MergeLayer

    We need a layer that has multiple inputs and just concatenates them along the last feature dimension. For CPU that one can be omitted, because the NumpyHandler supports slicing the features, but for usage with the PyCudaHandler this is the only way of merging the outputs of two layers.

    enhancement 
    opened by Qwlouse 5
  • Report viewer when there is no protocol

    Report viewer when there is no protocol

    With a fresh brainstorm installation and nothing in the DB, calling the Report Viewer leads to the following error:


    ** Error: Line 1062: Struct contents reference from a non-struct array object. ** ** Call stack: ** >bst_report.m>GetReport at 1062 ** >bst_report.m>Open at 630 ** >bst_report.m at 58 ** >bst_call.m at 28 ** >gui_brainstorm.m>@(h,ev)bst_call(@bst_report,'Open','current') at 124 **


    After that a first protocol is created, it works.

    opened by thomas-vincent 0
  • OSX installation documentation

    OSX installation documentation

    https://github.com/IDSIA/brainstorm/blob/master/docs/installation.rst

    Says "Instructions coming soon." for OS X. Any idea when "soon" will be? I'd love to play with brainstorm.

    Thanks, Eric

    opened by ericvrp 2
  • bugfix in PyCudaHandler merge and split operations

    bugfix in PyCudaHandler merge and split operations

    The attribute call to gpudata is done by pycuda inside the function, no need to do it outside the function.

    Before this change, using a merge layer with pycuda 2016.1 was giving the following errors in forward and backward pass:

      File "test.py", line 214, in main
        trainer.train(network, getter_tr, valid_getter=getter_va)
      File "brainstorm/training/trainer.py", line 99, in train
        self.stepper.run()
      File "brainstorm/training/steppers.py", line 103, in run
        self.net.forward_pass(training_pass=True)
      File "brainstorm/structure/network.py", line 430, in forward_pass
        layer.forward_pass(self.buffer[layer_name], training_pass)
      File "brainstorm/layers/merge_layer.py", line 52, in forward_pass
        buffers.outputs.default)
      File "brainstorm/handlers/pycuda_handler.py", line 323, in merge_tt
        block=block, grid=grid)
      File "/lib/python2.7/site-packages/pycuda/driver.py", line 383, in function_call
        handlers, arg_buf = _build_arg_buf(args)
      File "/lib/python2.7/site-packages/pycuda/driver.py", line 158, in _build_arg_buf
        raise TypeError("invalid type on parameter #%d (0-based)" % i)
    TypeError: invalid type on parameter #0 (0-based)
    
    
      File "test.py", line 214, in main
        trainer.train(network, getter_tr, valid_getter=getter_va)
      File "brainstorm/training/trainer.py", line 99, in train
        self.stepper.run()
      File "brainstorm/training/steppers.py", line 104, in run
        self.net.backward_pass()
      File "brainstorm/structure/network.py", line 444, in backward_pass
        layer.backward_pass(self.buffer[layer_name])
      File "brainstorm/layers/merge_layer.py", line 59, in backward_pass
        buffers.input_deltas.inputs_2)
      File "brainstorm/handlers/pycuda_handler.py", line 364, in split_add_tt
        block=block, grid=grid)
      File "/lib/python2.7/site-packages/pycuda/driver.py", line 383, in function_call
        handlers, arg_buf = _build_arg_buf(args)
      File "/lib/python2.7/site-packages/pycuda/driver.py", line 158, in _build_arg_buf
        raise TypeError("invalid type on parameter #%d (0-based)" % i)
    TypeError: invalid type on parameter #0 (0-based)
    
    opened by Osambezy 0
  • create_net_from_spec: Parsing error

    create_net_from_spec: Parsing error

    create_net_from_spec causes a parsing error depending on the presence or absence of whitespace, which is not according to the documentation ("Whitespace is allowed everywhere and will be completely ignored.").

    Example script to reproduce the error:

    import brainstorm as bs
    print('This works')
    net = bs.tools.create_net_from_spec('classification',4,5,'Ft200 D Ft200 D Ft200')
    print('This does not work')
    net = bs.tools.create_net_from_spec('classification',4,5,'Ft200DFt200DFt200')
    print('Never reached')
    

    Output:

    This works This does not work Traceback (most recent call last): File "DoSomething.py", line 15, in net = bs.tools.create_net_from_spec('classification',4,5,'Ft200DFt200DFt200') File "build/bdist.linux-x86_64/egg/brainstorm/tools.py", line 614, in create_net_from_spec File "build/bdist.linux-x86_64/egg/brainstorm/tools.py", line 498, in create_layer KeyError: 'DF'

    opened by michaelwand 0
  • PyCudaHandler: Crash in LSTM backpass if sequence length is 1

    PyCudaHandler: Crash in LSTM backpass if sequence length is 1

    The LSTM backpass with Cuda does not work properly in the (rare, but possible) case that the length of an input sequence is 1. On the CPU, everything works fine.

    The underlying reason is that an array of size (0,whatever) is allocated, which apparently works with Numpy, but results in an uninitialized array (gpudata==None) with PyCuda, on which subsequent operations ("fill" in the attached backtrace) fail. (To the best of my knowledge, this occurs first in lstm_layer.py, line 264 - flat_cell may have zero size. But I cannot guarantee that's the only occurrence.)

    Further information: $ git log --oneline -n 1 a68bf03 Release 0.5 $ uname -a Linux nikola 3.16.0-4-amd64 #1 SMP Debian 3.16.7-ckt7-1 (2015-03-01) x86_64 GNU/Linux

    ... and a backtrace, as well as a script to create the behavior (UseGPU and MakeItCrash must be set to 1!!) LSTMCrashWithGPUandLength1Seq.py.txt LSTMCrashBacktrace.txt

    opened by michaelwand 0
  • Bugfix for brainstorm.tools.extract

    Bugfix for brainstorm.tools.extract

    Bugfix: brainstorm.tools.extract crashed when a mask was provided by the data iterator.

    I also reimplemented extract_and_save in terms of extract (fixes the very same bug). But this glosses over some of the original settings in extract_and_save (e.g. chunked storage), which I believe are unimportant. Still, you may want to have a look.

    I also added a test (test_tools.py) for the bug and its fix.

    opened by michaelwand 0
Owner
IDSIA
Istituto Dalle Molle di studi sull'intelligenza artificiale
IDSIA
A flexible framework of neural networks for deep learning

Chainer: A deep learning framework Website | Docs | Install Guide | Tutorials (ja) | Examples (Official, External) | Concepts | ChainerX Forum (en, ja

Chainer 5.5k Feb 12, 2021
Fast, flexible and easy to use probabilistic modelling in Python.

Please consider citing the JMLR-MLOSS Manuscript if you've used pomegranate in your academic work! pomegranate is a package for building probabilistic

Jacob Schreiber 3k Dec 29, 2022
TACTO: A Fast, Flexible and Open-source Simulator for High-Resolution Vision-based Tactile Sensors

TACTO: A Fast, Flexible and Open-source Simulator for High-Resolution Vision-based Tactile Sensors This package provides a simulator for vision-based

Facebook Research 255 Dec 27, 2022
Implementation of "Fast and Flexible Temporal Point Processes with Triangular Maps" (Oral @ NeurIPS 2020)

Fast and Flexible Temporal Point Processes with Triangular Maps This repository includes a reference implementation of the algorithms described in "Fa

Oleksandr Shchur 20 Dec 2, 2022
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).

Crab - A Recommendation Engine library for Python Crab is a flexible, fast recommender engine for Python that integrates classic information filtering r

python-recsys 1.2k Dec 21, 2022
Complex-Valued Neural Networks (CVNN)Complex-Valued Neural Networks (CVNN)

Complex-Valued Neural Networks (CVNN) Done by @NEGU93 - J. Agustin Barrachina Using this library, the only difference with a Tensorflow code is that y

youceF 1 Nov 12, 2021
FAST-RIR: FAST NEURAL DIFFUSE ROOM IMPULSE RESPONSE GENERATOR

This is the official implementation of our neural-network-based fast diffuse room impulse response generator (FAST-RIR) for generating room impulse responses (RIRs) for a given acoustic environment.

Anton Jeran Ratnarajah 89 Dec 22, 2022
This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CNPs), Neural Processes (NPs), Attentive Neural Processes (ANPs).

The Neural Process Family This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CN

DeepMind 892 Dec 28, 2022
Densely Connected Search Space for More Flexible Neural Architecture Search (CVPR2020)

DenseNAS The code of the CVPR2020 paper Densely Connected Search Space for More Flexible Neural Architecture Search. Neural architecture search (NAS)

Jamin Fong 291 Nov 18, 2022
Simple codebase for flexible neural net training

neural-modular Simple codebase for flexible neural net training. Allows for seamless exchange of models, dataset, and optimizers. Uses hydra for confi

Jannik Kossen 7 Apr 5, 2022
Fast and Easy Infinite Neural Networks in Python

Neural Tangents ICLR 2020 Video | Paper | Quickstart | Install guide | Reference docs | Release notes Overview Neural Tangents is a high-level neural

Google 1.9k Jan 9, 2023
GndNet: Fast ground plane estimation and point cloud segmentation for autonomous vehicles using deep neural networks.

GndNet: Fast Ground plane Estimation and Point Cloud Segmentation for Autonomous Vehicles. Authors: Anshul Paigwar, Ozgur Erkent, David Sierra Gonzale

Anshul Paigwar 114 Dec 29, 2022
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering

Graph ConvNets in PyTorch October 15, 2017 Xavier Bresson http://www.ntu.edu.sg/home/xbresson https://github.com/xbresson https://twitter.com/xbresson

Xavier Bresson 287 Jan 4, 2023
piSTAR Lab is a modular platform built to make AI experimentation accessible and fun. (pistar.ai)

piSTAR Lab WARNING: This is an early release. Overview piSTAR Lab is a modular deep reinforcement learning platform built to make AI experimentation a

piSTAR Lab 0 Aug 1, 2022
Computer vision - fun segmentation experience using classic and deep tools :)

Computer_Vision_Segmentation_Fun Segmentation of Images and Video. Tools: pytorch Models: Classic model - GrabCut Deep model - Deeplabv3_resnet101 Flo

Mor Ventura 1 Dec 18, 2021
Convex optimization for fun and profit.

CFMM Optimal Routing This repository contains the code needed to generate the figures used in the paper Optimal Routing for Constant Function Market M

Guillermo Angeris 183 Dec 29, 2022
A small fun project using python OpenCV, mediapipe, and pydirectinput

Here I tried a small fun project using python OpenCV, mediapipe, and pydirectinput. Here we can control moves car game when yellow color come to right box (press key 'd') left box (press key 'a') left hand when thumb finger open (press key 'w') right hand when thumb finger open (press key 's') This can be improved later by: Improving press left and right to make them More realistic. Fixing some bugs in hand tracking.

Sameh Elisha 3 Nov 17, 2022
A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks

A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks without the use of any outside machine learning libraries - all from scratch.

Kordel K. France 2 Nov 14, 2022
Learning based AI for playing multi-round Koi-Koi hanafuda card games. Have fun.

Koi-Koi AI Learning based AI for playing multi-round Koi-Koi hanafuda card games. Platform Python PyTorch PySimpleGUI (for the interface playing vs AI

Sanghai Guan 10 Nov 20, 2022