Deep learning
Deep learning is an AI function and subset of machine learning, used for processing large amounts of complex data.
-
- Sign up for GitHub or sign in to edit this page
Here are 19,763 public repositories matching this topic...
There's a small mistake in the description of the embedding layer. It says
'Turns positive integers (indexes) into dense vectors of fixed size.'
but it should read
'Turns non-negative integers (indexes) into dense vectors of fixed size.'
as it expects indexes ranging from 0 to input_dim - 1.
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Oct 16, 2019 - 225 commits
- Jupyter Notebook
Context
We would like to add torch::nn::functional::gumbel_softmax
to the C++ API, so that C++ users can easily find the equivalent of Python API torch.nn.functional.gumbel_softmax
.
Steps
- Add
torch::nn::GumbelSoftmaxOptions
totorch/csrc/api/include/torch/nn/options/activation.h
(add this file if it doesn’t exist), which should include the following parameters (based on
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
-
Updated
Oct 16, 2019 - 517 commits
- Python
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
-
Updated
Oct 16, 2019 - 100 commits
- Python
A complete daily plan for studying to become a machine learning engineer.
-
Updated
Oct 16, 2019 - 279 commits
📚 A practical approach to machine learning.
-
Updated
Oct 16, 2019 - 29 commits
- Jupyter Notebook
The most cited deep learning papers
-
Updated
Oct 16, 2019 - 168 commits
- TeX
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
-
Updated
Oct 16, 2019 - 442 commits
- Jupyter Notebook
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
-
Updated
Oct 16, 2019 - 543 commits
- Python
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit
-
Updated
Oct 16, 2019 - 16 commits
- C++
The fastai deep learning library, plus lessons and tutorials
-
Updated
Oct 16, 2019 - 5 commits
- Jupyter Notebook
I was going though the existing enhancement issues again and though it'd be nice to collect ideas for spaCy plugins and related projects. There are always people in the community who are looking for new things to build, so here's some inspiration
If you have questions about the projects I suggested,
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
-
Updated
Oct 16, 2019 - 580 commits
- C++
Oxford Deep NLP 2017 course
-
Updated
Oct 16, 2019 - 64 commits
100-Days-Of-ML-Code中文版
-
Updated
Oct 16, 2019 - 295 commits
- Jupyter Notebook
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
-
Updated
Oct 16, 2019 - 2 commits
- Python
A curated list of awesome Deep Learning tutorials, projects and communities.
-
Updated
Oct 16, 2019 - 315 commits
PyTorch Tutorial for Deep Learning Researchers
-
Updated
Oct 16, 2019 - 151 commits
- Python
Simple and ready-to-use tutorials for TensorFlow
-
Updated
Oct 16, 2019 - 59 commits
- Python
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
-
Updated
Oct 16, 2019 - 372 commits
- Python
Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang
-
Updated
Oct 16, 2019 - 1 commits
Essential Cheat Sheets for deep learning and machine learning researchers https://medium.com/@kailashahirwar/essential-cheat-sheets-for-machine-learning-and-deep-learning-researchers-efb6a8ebd2e5
-
Updated
Oct 16, 2019 - 29 commits
Face recognition with deep neural networks.
-
Updated
Oct 16, 2019 - 732 commits
- Lua
A neural network that transforms a design mock-up into a static website.
-
Updated
Oct 16, 2019 - 173 commits
- HTML
Reference from TensorFlow: https://www.tensorflow.org/api_docs/cc/class/tensorflow/ops/matrix-band-part
This op is used by the Music Transformer model.
Learn about deep-learning
- Wikipedia
- Wikipedia
as in numpy or pytorch ,we can do someting like this, but how to do it with tf2.0.
the following code will raise exception as :
'tensorflow.python.framework.ops.EagerTensor' object does not support item assignment
prediction[:,:,0]=tf.math.sigmoid(prediction[:,:,0])