#
Machine learning
Machine learning is the practice of teaching a computer to learn. The concept uses pattern recognition, as well as other forms of predictive algorithms, to make judgments on incoming data. This field is closely related to artificial intelligence and computational statistics.
Here are 61,703 public repositories matching this topic...
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.
jnothman
commented
May 12, 2021
We should be using pkg_resources
(or importlib.resources
if our min Python version is 3.7) instead of uses of __file__
.
$ get grep '__file__' sklearn/
sklearn/__check_build/__init__.py: local_dir = os.path.split(__file__)[0]
sklearn/datasets/_base.py: module_path = dirname(__file__)
sklearn/datasets/_base.py: module_path = dirname(__file__)
sklearn/datasets/_base.py:
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Mar 8, 2021 - Jupyter Notebook
Tesseract Open Source OCR Engine (main repository)
-
Updated
Jun 2, 2021 - C++
The world's simplest facial recognition api for Python and the command line
-
Updated
Jun 11, 2021 - Python
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 12, 2021 - Python
simeonschaub
commented
Jun 10, 2021
The Patterns of Scalable, Reliable, and Performant Large-Scale Systems
computer-science
lists
devops
distributed-systems
machine-learning
awesome
web-development
programming
big-data
system
backend
architecture
scalability
resources
design-patterns
interview
awesome-list
interview-practice
interview-questions
system-design
-
Updated
Jun 9, 2021
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++
Learn how to responsibly deliver value with ML.
python
data-science
machine-learning
natural-language-processing
deep-learning
pytorch
mlops
applied-ml
-
Updated
Jun 7, 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
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被全球175所大学采用教学。
python
machine-learning
natural-language-processing
computer-vision
deep-learning
book
notebook
chinese
-
Updated
Jun 12, 2021 - Python
List of Computer Science courses with video lectures.
programming-language
computer-science
security
machine-learning
bioinformatics
web-development
computer-vision
algorithms
robotics
computer-graphics
databases
stanford-university
embedded-systems
systems
quantum-computing
computer-architecture
computer-scientists
database-systems
harvard-university
iit-delhi
state-university
-
Updated
May 30, 2021
The most cited deep learning papers
-
Updated
Aug 27, 2020 - 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.
python
machine-learning
deep-learning
neural-network
tensorflow
scikit-learn
jupyter-notebook
ml
distributed
-
Updated
Jun 8, 2021 - 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.
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++
1
trivialfis
commented
Dec 13, 2020
Currently many more Python projects like dask and optuna are using Python type hints. With the Python package of xgboost gaining more and more features, we should also adopt mypy as a safe guard against some type errors and for better code documentation.
The fastai deep learning library
-
Updated
Jun 9, 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 12, 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
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
machine-learning
natural-language-processing
machine-translation
dialogue
named-entity-recognition
nlp-tasks
-
Updated
Jun 9, 2021 - Python
python
machine-learning
algorithm
jupyter
machine-learning-algorithms
jupyter-notebook
machinelearning
-
Updated
May 23, 2021 - Jupyter Notebook
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 10, 2021 - C++
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
-
Updated
Jun 9, 2021
- 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
.