#
Deep learning
Deep learning is an AI function and subset of machine learning, used for processing large amounts of complex data.
Here are 43,307 public repositories matching this topic...
Open Source Computer Vision Library
-
Updated
Mar 11, 2022 - C++
Rocketknight1
commented
Mar 10, 2022
🚀 Add missing type hints
Type hints are used inconsistently in the transformers
repo across both TF and PT models, and it'd be nice to make them a complete, consistent thing for the core models, especially because we want to develop features that depend on them!
Guide to contributing:
- Ensure you've read our contributing [guidelines](https://github.com/huggingface/transformers/b
Deep Learning for humans
-
Updated
Mar 11, 2022 - Python
seemethere
commented
Mar 7, 2022
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Jan 4, 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
Jan 15, 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
Feb 28, 2022
Clone a voice in 5 seconds to generate arbitrary speech in real-time
-
Updated
Mar 1, 2022 - Python
Caffe: a fast open framework for deep learning.
-
Updated
Nov 29, 2021 - C++
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
-
Updated
Feb 7, 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
Mar 3, 2022 - Python
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被55个国家的300所大学用于教学。
python
machine-learning
natural-language-processing
computer-vision
deep-learning
book
notebook
chinese
-
Updated
Mar 10, 2022 - Python
Learn how to responsibly deliver value with ML.
-
Updated
Feb 7, 2022 - Jupyter Notebook
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 20, 2021
Pure Javascript OCR for more than 100 Languages 📖 🎉 🖥
-
Updated
Feb 11, 2022 - JavaScript
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
Jan 13, 2022 - Jupyter Notebook
The most cited deep learning papers
-
Updated
Aug 27, 2020 - TeX
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
Feb 23, 2022 - C++
PyTorch Tutorial for Deep Learning Researchers
-
Updated
Oct 16, 2021 - Python
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
ios
machine-learning
deep-learning
ml
pytorch
yolo
object-detection
coreml
onnx
tflite
yolov3
yolov4
yolov5
-
Updated
Mar 11, 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
Mar 10, 2022 - Python
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
Nov 4, 2021 - Python
The fastai deep learning library
-
Updated
Mar 4, 2022 - Jupyter Notebook
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 28, 2021 - Python
-
Updated
Mar 9, 2022 - Python
orcahmlee
commented
Feb 22, 2022
Search before asking
- I searched the issues and found no similar issues.
Ray Component
Ray Clusters
What happened + What you expected to happen
I was trying to launch a Ray cluster on GCP via my macOS. When I disabled the docker
field and used the setup_commands
field to set up the new node, everything went well. However, when
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
Mar 9, 2022 - C++
Deezer source separation library including pretrained models.
-
Updated
Feb 18, 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
Mar 7, 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
.