-
Updated
Jul 30, 2021 - Python
#
neural-networks
Here are 6,124 public repositories matching this topic...
Deep Learning for humans
Deepfakes Software For All
machine-learning
deep-neural-networks
deep-learning
faceswap
neural-networks
face-swap
deeplearning
neural-nets
deepface
deepfakes
fakeapp
deep-face-swap
openfaceswap
myfakeapp
-
Updated
Jul 27, 2021 - Python
DeepFaceLab is the leading software for creating deepfakes.
deep-neural-networks
deep-learning
faceswap
neural-networks
face-swap
deeplearning
arxiv
neural-nets
deepface
deepfakes
fakeapp
deep-face-swap
deepfacelab
creating-deepfakes
-
Updated
Jul 30, 2021 - Python
PyTorch Tutorial for Deep Learning Researchers
-
Updated
Jun 10, 2021 - Python
python
nlp
data-science
machine-learning
natural-language-processing
ai
deep-learning
neural-network
text-classification
cython
artificial-intelligence
spacy
named-entity-recognition
neural-networks
nlp-library
tokenization
entity-linking
-
Updated
Jul 29, 2021 - Python
DeepSpeech is an open source embedded (offline, on-device) speech-to-text engine which can run in real time on devices ranging from a Raspberry Pi 4 to high power GPU servers.
machine-learning
embedded
deep-learning
offline
tensorflow
speech-recognition
neural-networks
speech-to-text
deepspeech
on-device
-
Updated
Jul 30, 2021 - C++
A High-Quality Real Time Upscaler for Anime Video
video
anime
computer-graphics
cnn
video-processing
neural-networks
convolutional-neural-networks
upsampling
super-resolution
upscaling
denoising-algorithms
anime4k
anime-upscaling
-
Updated
Jul 26, 2021 - GLSL
machine learning and deep learning tutorials, articles and other resources
list
machine-learning
awesome
deep-neural-networks
deep-learning
neural-network
neural-networks
awesome-list
machinelearning
deeplearning
deep-learning-tutorial
-
Updated
Apr 5, 2021
Unity Machine Learning Agents Toolkit
-
Updated
Jul 30, 2021 - C#
Machine learning, in numpy
machine-learning
reinforcement-learning
word2vec
lstm
neural-networks
gaussian-mixture-models
vae
topic-modeling
attention
resnet
bayesian-inference
wavenet
mfcc
knn
gaussian-processes
hidden-markov-models
gradient-boosting
wgan-gp
good-turing-smoothing
-
Updated
Jun 23, 2021 - Python
TensorFlow CNN for fast style transfer ⚡ 🖥 🎨 🖼
-
Updated
Jul 27, 2021 - Python
MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville
learning
pdf
machine-learning
good
mit
deep-learning
neural-network
book
machine
linear-algebra
neural-networks
deeplearning
print
excercises
lecture-notes
chapter
clear
thinking
printable
-
Updated
Jan 16, 2021 - Java
TensorFlow-based neural network library
-
Updated
Jul 19, 2021 - Python
Tutorials, assignments, and competitions for MIT Deep Learning related courses.
data-science
machine-learning
mit
deep-learning
tensorflow
deep-reinforcement-learning
artificial-intelligence
neural-networks
segmentation
tensorflow-tutorials
deeplearning
jupyter-notebooks
self-driving-cars
deep-rl
-
Updated
May 17, 2021 - Jupyter Notebook
Minimal and clean examples of machine learning algorithms implementations
-
Updated
May 1, 2021 - Python
Keras implementations of Generative Adversarial Networks.
-
Updated
Jan 27, 2021 - Python
A resource repository for 3D machine learning
machine-learning
voxel
point-cloud
primitives
mesh
neural-networks
papers
constructive-solid-geometries
3d
3d-reconstruction
-
Updated
Jul 25, 2021
A customisable 3D platform for agent-based AI research
-
Updated
Jul 22, 2021 - C
A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility
-
Updated
Jun 16, 2021 - Python
A flexible framework of neural networks for deep learning
python
machine-learning
deep-learning
neural-network
chainer
gpu
numpy
cuda
neural-networks
cudnn
cupy
-
Updated
Jun 10, 2021 - Python
Deep Reinforcement Learning for Keras.
-
Updated
Nov 20, 2020 - Python
Build Graph Nets in Tensorflow
-
Updated
Dec 4, 2020 - Python
Run Keras models in the browser, with GPU support using WebGL
-
Updated
Aug 16, 2018 - JavaScript
Lab Materials for MIT 6.S191: Introduction to Deep Learning
mit
computer-vision
deep-learning
tensorflow
deep-reinforcement-learning
neural-networks
tensorflow-tutorials
deeplearning
jupyter-notebooks
music-generation
algorithmic-bias
-
Updated
Jul 14, 2021 - Jupyter Notebook
6
kennysong
commented
Dec 6, 2020
The official instructions say to use joblib for pickling PyOD models.
This fails for AutoEncoders, or any other TensorFlow-backed model as far as I can tell. The error is:
>>> dump(model, 'model.joblib')
...
TypeError: can't pickle _thread.RLock objects
Note that it's not sufficient to save the underlying Keras S
A probabilistic programming language in TensorFlow. Deep generative models, variational inference.
data-science
machine-learning
statistics
deep-learning
tensorflow
bayesian-methods
neural-networks
probabilistic-programming
-
Updated
Oct 22, 2019 - Jupyter Notebook
This repositary is a combination of different resources lying scattered all over the internet. The reason for making such an repositary is to combine all the valuable resources in a sequential manner, so that it helps every beginners who are in a search of free and structured learning resource for Data Science. For Constant Updates Follow me in Twitter.
data-science
machine-learning
natural-language-processing
computer-vision
machine-learning-algorithms
artificial-intelligence
neural-networks
deeplearning
datascienceproject
-
Updated
Apr 2, 2021
Image augmentation library in Python for machine learning.
-
Updated
Nov 10, 2020 - Jupyter Notebook
An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
-
Updated
Sep 27, 2020 - HTML
Improve this page
Add a description, image, and links to the neural-networks topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the neural-networks topic, visit your repo's landing page and select "manage topics."
Describe the bug
when axis has duplicate value , onnxruntime compute result is all same value ,which is different with expect of tensorflow
Urgency
2020.11.18
System information
Linux Ubuntu 16.04
Expected behavior
When there are duplicate values, the duplicate can be removed. j