-
Michael Jordan
-
SETTING UP EOS FREYA AND ANACONDA ON A HYBRID GRAPHICS LAPTOP FOR GPU ACCELERATED DEEP LEARNING
-
Deeplearning4J: Spark + GPU
-
Recurrent Neural Networks
-
Deep Learning
- MIT 6.S191: Introduction to Deep Learning
- Tutorials, assignments, and competitions for MIT Deep Learning related courses
- Architecture comparison of AlexNet, VGGNet, ResNet, Inception, DenseNet
- Deep Learning Frameworks: Choose The Best Fit For You
- Dive into Deep Learning
- Deep Learning: Methods and Applications
- The Anatomy of Deep Learning Frameworks
- Getting Started with Deep Learning
- Information Theory of Deep Learning. Naftali Tishby
- DeepPavlov: An open-source library for end-to-end dialogue systems and chatbots
- Facebook TransCoder
- A new open source framework for automatic differentiation with graphs
-
Nervana Systems
-
Misc
-
cheat sheets
-
Обзор материалов по машинному обучению
-
Which GPU(s) to Get for Deep Learning: My Experience and Advice for Using GPUs in Deep Learning
-
The Brain vs Deep Learning Part I: Computational Complexity — Or Why the Singularity Is Nowhere Near
-
Convolutional Neural Networks backpropagation: from intuition to derivation
-
Sirajology videos
-
-
MindSpore
-
Torch is a scientific computing framework with wide support for machine learning algorithms
-
TensorFlow - Google’s latest machine learning system, open sourced for everyone
-
./configure
+ answer `Y` to CUDA + set cudnn version to *7* + downgrade `bazel` version to __0.5.4__ from __0.6__ ```sh sudo pacman -U /var/cache/pacman/pkg/bazel-0.5.4-1-x86_64.pkg.tar.xz ``` + a workaround for: + [no such package '@local_config_cuda//cuda'](https://github.com/tensorflow/tensorflow/issues/11859)
bazel build --subcommands -c opt --copt=-mavx --copt=-mavx2 --copt=-mfma --copt=-mfpmath=both --config=cuda //tensorflow/tools/pip_package:build_pip_package sudo pip3 install wheel bazel-bin/tensorflow/tools/pip_package/build_pip_package /tmp/tensorflow_pkg sudo pip3 uninstall tensorflow sudo pip3 install /tmp/tensorflow_pkg/tensorflow-1.12.0-cp37-cp37m-linux_x86_64.whl
>>> import tensorflow as tf Limited tf.compat.v2.summary API due to missing TensorBoard installation
python -c 'import tensorflow as tf; print(tf.__version__)'
$ python ... >>> import tensorflow as tf >>> hello = tf.constant('Hello, TensorFlow!') >>> sess = tf.Session() >>> print(sess.run(hello)) Hello, TensorFlow! >>> a = tf.constant(10) >>> b = tf.constant(32) >>> print(sess.run(a + b)) 42 >>>
-
Open source software library for numerical computation using data flow graphs
-
Simplified interface for TensorFlow (mimicking Scikit Learn)
-
Google’s Tensor2Tensor makes it easier to conduct deep learning experiments
-
Обзор примера применения обучения с подкреплением с использованием TensorFlow
-
Amazon's Deep Scalable Sparse Tensor Network Engine (DSSTNE)
-
A curated list of speech and natural language processing resources
-
Computer Vision
-
A Brief History of Computer Vision (and Convolutional Neural Networks)
-
Stanford Course: CS231n: Convolutional Neural Networks for Visual Recognition
-
-
Convolutional Neural Networks
-
Reinforcement Learning
-
RNN et. al
-
Optimizing RNN performance : Part I: Investigating performance of GPU BLAS Libraries
-
Recurrent Neural Networks Tutorial, Part 1 – Introduction to RNNs
-
Recurrent Neural Networks Tutorial, Part 2 – Implementing a RNN with Python, Numpy and Theano
-
Recurrent Neural Networks Tutorial, Part 3 – Backpropagation Through Time and Vanishing Gradients
-
Recurrent Neural Network Tutorial, Part 4 – Implementing a GRU/LSTM RNN with Python and Theano
-
Understanding Convolutional Neural Networks for NLP | WildML
-
thesis: Reinforcement Learning with Recurrent Neural Networks
-
A Critical Review of Recurrent Neural Networks for Sequence Learning
-
Minimal, clean example of lstm neural network training in python, for learning purposes
-
A Framework for Distributed Deep Learning Layer Design in Python
-
A DSL for deep neural networks, supporting Caffe and Torch http://ajtulloch.github.io/dnngraph
-
Tamp: A Library for Compact Deep Neural Networks with Structured Matrices
-
-
misc.
-
Deep Learning – Introduction to Generative Adversarial Neural Networks (GANs)
-
Introducing the Facebook Field Guide to Machine Learning video series
-
VK: Библиотеки реализующие алгоритмы Deep Learning Nikolay Sergievsky
-
Сравнение библиотек глубокого обучения на примере задачи классификации рукописных цифр
-
What is the intuition behind the concept of capsules in deep learning?
-
-
A Gentle Introduction to Bayes Theorem for Machine Learning
-
DeepTracking: Seeing Beyond Seeing Using Recurrent Neural Networks
-
An Introduction to Machine Learning Theory and Its Applications: A Visual Tutorial with Examples
-
RM-SORN: a reward-modulated self-organizing recurrent neural network
-
Baidu Research: warp-ctc (https://github.com/baidu-research/warp-ctc)
-
GeNN: a code generation framework for accelerated brain simulations
-
A cognitive neural architecture able to learn and communicate through natural language
-
CS231n: Convolutional Neural Networks for Visual Recognition
-
An Introduction to Machine Learning Theory and Its Applications: A Visual Tutorial with Examples
-
UCLA researchers release open source code for powerful image detection algorithm
-
New neural network building block allows faster and more accurate text understanding
-
Rust based projects
-
Open Machine Intelligence Framework written in Rust targeting CPU/GPU http://autumnai.github.io/leaf
-
-
-
Dlib
-
FPGA for AI
-
bleeding rnn+yolo
- You Only Look Once -- YOLO
- YOLO: Real-Time Object Detection
- a paper: You Only Look Once:Unified, Real-Time Object Detection
- [YOLOv3: An Incremental Improvement](YOLO: Real-Time Object Detection)
- YOLO: Real-Time Object Detection
- Neural language notes
- neural-network-papers
- Awesome Recurrent Neural Networks
- Attention and Augmented Recurrent Neural Networks
- 20+ hottest research papers on Computer Vision, Machine Learning
- Whetstone
- You Only Look Once -- YOLO
-
Brain simulators
-
The Hard Problem
- Scientists Just Proved These Two Brain Networks Are Key to Consciousness
- Нейроморфные вычисления и их успехи
- Philosophical pop science
- Cognitive Architectures
-
LMU - Legendre Memory Unit
-
From Computation to Consciousness: Can AI reveal the nature of our minds?
-
Why can’t the world’s greatest minds solve the mystery of consciousness?
-
Brain Computation Is Organized via Power-of-Two-Based Permutation Logic
-
From the Phenomenology to the Mechanisms of Consciousness: Integrated Information Theory 3.0
-
Cliques of Neurons Bound into Cavities Provide a Missing Link between Structure and Function
-
Huggingface aka Hugging Face
-
Books
- Mathematics for Machine Learning
- Deep Learning books
- Artificial Cognitive Systems: A Primer
- The Geometry of Meaning: Semantics Based on Conceptual Spaces
- Unifying the Mind: Cognitive Representations as Graphical Models
- Brain Computation as Hierarchical Abstraction
- Explaining the Computational Mind
- The Cognitive-Emotional Brain: From Interactions to Integration
- 10 Free Must-Read Books for Machine Learning and Data Science
-
Courses
-
Misc
-
-
AMD GPU deeplearning
-
Fourier Neural Operator for Parametric Partial Differential Equations
-
18.337J/6.338J: Parallel Computing and Scientific Machine Learning
-
DeepFly3D is a PyTorch and PyQT5 implementation of 2D-3D tethered Drosophila pose estimation
-
Posit-арифметика: победа над floating point на его собственном поле. Часть 1
-
Posit-арифметика: победа над floating point на его собственном поле. Часть 2