#
Deep learning
Deep learning is an AI function and subset of machine learning, used for processing large amounts of complex data.
Here are 34,390 public repositories matching this topic...
blazejdolicki
commented
May 27, 2021
System information (version)
- OpenCV => 4.2
- Operating System / Platform => Windows 64 Bit
- Compiler => Visual Studio Code 1.56.2
Detailed description
When running cv2.seamlessClone() the error is a bit misleading when the incorrect image path is supplied. It doesn't make it obvious that the problem is in the path
Steps to reproduce
import cv2
# Read i
gabrieldemarmiesse
commented
Feb 6, 2019
pmeier
commented
May 21, 2021
The array API specification stipulates four numeric constants:
e
inf
nan
pi
PyTorch currently supports none.
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Mar 8, 2021 - 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
Jun 15, 2021 - 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
May 23, 2021
Caffe: a fast open framework for deep learning.
-
Updated
May 31, 2021 - C++
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
-
Updated
Jun 18, 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
Jun 18, 2021 - Python
Learn how to responsibly deliver value with ML.
python
data-science
machine-learning
natural-language-processing
deep-learning
pytorch
mlops
applied-ml
-
Updated
Jun 14, 2021 - 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
Apr 5, 2021
Clone a voice in 5 seconds to generate arbitrary speech in real-time
-
Updated
May 14, 2021 - Python
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被全球175所大学采用教学。
python
machine-learning
natural-language-processing
computer-vision
deep-learning
book
notebook
chinese
-
Updated
Jun 19, 2021 - Python
Pure Javascript OCR for more than 100 Languages 📖 🎉 🖥
-
Updated
Jun 5, 2021 - 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
Jun 8, 2021 - Jupyter Notebook
The most cited deep learning papers
-
Updated
Aug 27, 2020 - TeX
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
May 13, 2021 - Python
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
May 8, 2021 - C++
PyTorch Tutorial for Deep Learning Researchers
-
Updated
Jun 10, 2021 - Python
The fastai deep learning library
-
Updated
Jun 18, 2021 - Jupyter Notebook
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
Jun 20, 2021 - 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.
data-science
machine-learning
data-mining
deep-learning
genetic-algorithm
deep-reinforcement-learning
machine-learning-from-scratch
-
Updated
May 17, 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
Jun 19, 2021 - C++
A curated list of awesome Deep Learning tutorials, projects and communities.
machine-learning
awesome
deep-learning
neural-network
recurrent-networks
synthetic-images
awesome-list
deep-learning-tutorial
deep-networks
face-images
-
Updated
Jun 16, 2021
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit
python
java
c-sharp
c-plus-plus
machine-learning
deep-neural-networks
deep-learning
neural-network
cntk
distributed
highlight
cognitive-toolkit
-
Updated
Sep 8, 2020 - C++
Deezer source separation library including pretrained models.
-
Updated
Jun 2, 2021 - Python
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
deep-neural-networks
computer-vision
deep-learning
neural-network
dnn
yolo
object-detection
deep-learning-tutorial
yolov3
yolov4
scaledyolov4
scaled-yolov4
-
Updated
Jun 17, 2021 - C
100-Days-Of-ML-Code中文版
python
machine-learning
tutorial
deep-learning
tensorflow
keras
jupyter-notebook
supervised-learning
unsupervised-learning
chinese-simplified
infographics
100-days-of-ml-code
-
Updated
Mar 30, 2021 - Jupyter Notebook
arainboldt
commented
May 25, 2021
Trying out a simple example using TuneSearchCV with LGBMClassifier and it fails on start.
Environment:
Python 3.8.3
tune-sklearn 0.3.0
ray 1.3.0
macos mojave 10.14.6
Code:
from ray.tune.sklearn import TuneSearchCV
from lightgbm import LGBMClassifier
lgmb_param_dists = dict(
boosting_type=['gbdt','dart','rf'],
num_leaves=(10,500),
- 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
.