#
Deep learning
Deep learning is an AI function and subset of machine learning, used for processing large amounts of complex data.
Here are 48,511 public repositories matching this topic...
NielsRogge
commented
Aug 3, 2022
Albert208
commented
May 30, 2022
justinchuby
commented
Jul 8, 2022
Tracking issue on the onnx opset 17 support.
- Add version 17 as a known version
- stft
- istft
- bartlett_window
- blackman_window
- hamming_window
- hann_window
- kaiser_window
Closes #80834
Deep Learning for humans
-
Updated
Aug 9, 2022 - Python
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Jul 24, 2022 - Jupyter Notebook
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
Aug 8, 2022 - Python
100 Days of ML Coding
python
machine-learning
tutorial
deep-learning
svm
linear-regression
scikit-learn
linear-algebra
machine-learning-algorithms
naive-bayes-classifier
logistic-regression
implementation
support-vector-machines
100-days-of-code-log
100daysofcode
infographics
siraj-raval
siraj-raval-challenge
-
Updated
Jul 25, 2022
Clone a voice in 5 seconds to generate arbitrary speech in real-time
-
Updated
Jul 12, 2022 - Python
DeepFaceLab is the leading software for creating deepfakes.
machine-learning
deep-neural-networks
deep-learning
faceswap
neural-networks
face-swap
deeplearning
arxiv
neural-nets
deepface
deepfakes
fakeapp
deep-face-swap
deepfacelab
creating-deepfakes
-
Updated
Aug 9, 2022 - Python
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被55个国家的300所大学用于教学。
python
machine-learning
natural-language-processing
computer-vision
deep-learning
book
notebook
chinese
-
Updated
Aug 9, 2022 - Python
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
-
Updated
Feb 7, 2022 - Python
Caffe: a fast open framework for deep learning.
-
Updated
Mar 31, 2022 - C++
Learn how to responsibly deliver value with ML.
-
Updated
Aug 1, 2022 - Jupyter Notebook
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
ios
machine-learning
deep-learning
ml
pytorch
yolo
object-detection
coreml
onnx
tflite
yolov3
yolov4
yolov5
-
Updated
Aug 9, 2022 - Python
Pure Javascript OCR for more than 100 Languages 📖 🎉 🖥
-
Updated
Aug 9, 2022 - JavaScript
A complete daily plan for studying to become a machine learning engineer.
machine-learning
deep-learning
machine-learning-algorithms
artificial-intelligence
software-engineer
inky-machine-learning
-
Updated
Aug 4, 2022
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
opencv
machine-learning
real-time
caffe
computer-vision
deep-learning
cpp
face
keypoints
human-pose-estimation
pose-estimation
human-behavior-understanding
cvpr-2017
pose
openpose
human-pose
keypoint-detection
multi-person
hand-estimation
foot-estimation
-
Updated
Jun 20, 2022 - C++
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
python
machine-learning
deep-learning
neural-network
tensorflow
scikit-learn
jupyter-notebook
ml
distributed
-
Updated
Jun 24, 2022 - Jupyter Notebook
PyTorch Tutorial for Deep Learning Researchers
-
Updated
Jun 26, 2022 - 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
Aug 9, 2022 - Python
The most cited deep learning papers
-
Updated
Aug 27, 2020 - TeX
Open
DEPENCES 依赖项不全
1
Limingrui0
commented
Jul 18, 2022
What could be better?
依赖项的 requ…….txt 应该被更新,而且 pytorch 更要描述具体版本和安装方式
本人配环境一个下午,勉强配出来 Tag0.0.1 pytorch 1.9.0 OnlyCpu
的版本。
Open
文本中如果有数字读不出来
2
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.
python
aws
data-science
machine-learning
caffe
theano
big-data
spark
deep-learning
hadoop
tensorflow
numpy
scikit-learn
keras
pandas
kaggle
scipy
matplotlib
mapreduce
-
Updated
Apr 3, 2022 - Python
1
tcapelle
commented
Jun 2, 2022
This is a nice first issue:
Add types/docments to the Learner.get_preds
function. This function is essential to any fastai
user and has almost no documentation. Add types and text to the variables as we have in many places now.
davzaman
commented
Aug 4, 2022
What happened + What you expected to happen
- Getting a ton of warnings from pytorch-lightning about deprecation of certain hooks.
- Expect no warnings.
- The
TuneCallback
has old hooks such askeyboard_interrupt
which have been deprecated.
The most list of the deprecated hooks
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.
data-science
machine-learning
data-mining
deep-learning
genetic-algorithm
deep-reinforcement-learning
machine-learning-from-scratch
-
Updated
Jun 13, 2022 - Python
Roadmap to becoming an Artificial Intelligence Expert in 2022
data-science
machine-learning
roadmap
ai
deep-learning
neural-network
artificial-intelligence
data-analysis
study-plan
ai-roadmap
-
Updated
Feb 10, 2022 - JavaScript
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
-
Updated
Jul 13, 2022 - Python
search
data-science
machine-learning
natural-language-processing
reinforcement-learning
computer-vision
deep-learning
production
data-engineering
data-discovery
recsys
data-quality
applied-data-science
applied-machine-learning
-
Updated
Aug 9, 2022
- Wikipedia
- Wikipedia
Current implementation of Go binding can not specify options.
GPUOptions struct is in internal package. And
go generate
doesn't work for protobuf directory. So we can't specify GPUOptions forNewSession
.