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.
-
- Sign up for GitHub or sign in to edit this page
Here are 34,596 public repositories matching this topic...
We recently merged https://github.com/NicolasHug/scikit-learn/blob/master/examples/release_highlights/plot_release_highlights_0_22_0.py to summarise the highlights of 0.22, to be released in early November.
More release highlights, briefly demonstrating the new thing in action, belong in that example doc:
- Permutation based feature importance
- HistGradientBoostingClassifier with m
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
-
Updated
Oct 16, 2019 - 225 commits
- Jupyter Notebook
Context
We would like to add the following two APIs to the C++ frontend:
torch::nn::TripletMarginLoss
, which is the equivalent of Python APItorch.nn.TripletMarginLoss
.torch::nn::functional::triplet_margin_loss
, which is the equivalent of Python APItorch.nn.functional.triplet_margin_loss
.
Steps
- Add
torch::nn::TripletMarginLossOptions
to `torch/csrc/api/i
Short description
I am trying to train Tesseract on Akkadian language. The language-specific.sh
script was modified accordingly. When converting the training text to TIFF images, the text2image
program crashes.
Environment
- Tesseract Version: 3.04.01
- Commit Number: the standard package in Ubuntu, package version 3.04.01-4, commit unknown
- Platform: Linux ubuntu
The world's simplest facial recognition api for Python and the command line
-
Updated
Oct 16, 2019 - 172 commits
- Python
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
-
Updated
Oct 16, 2019 - 517 commits
- Python
100 Days of ML Coding
-
Updated
Oct 16, 2019 - 107 commits
- Python
It would be useful to have an interface for symbolic LU factorizations with UMFPACK, similar to the CHOLMOD factorizations
A complete daily plan for studying to become a machine learning engineer.
-
Updated
Oct 16, 2019 - 279 commits
📚 A practical approach to machine learning.
-
Updated
Oct 16, 2019 - 29 commits
- Jupyter Notebook
The most cited deep learning papers
-
Updated
Oct 16, 2019 - 168 commits
- 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.
-
Updated
Oct 16, 2019 - 442 commits
- 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.
-
Updated
Oct 16, 2019 - 543 commits
- Python
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit
-
Updated
Oct 16, 2019 - 16 commits
- C++
The fastai deep learning library, plus lessons and tutorials
-
Updated
Oct 16, 2019 - 5 commits
- Jupyter Notebook
Weird Greek Lemmas
I can not read Greek, but looking at the nouns in the lemma_index.json
file for Greek, these are the first several entries:
"(ιρλανδικά)", "(σκωτικά)", "(σοράνι)", "-αλγία", "-βατώ", "-βατῶ", "-ούλα", "-πληξία", "-ώνυμο", "sofa", "table", "άβακας", "άβατο", "άβατον"
I'm pretty sure parentheses don't belong there, and the things that begin with hyphens and "table" and "sofa" seem out of
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
-
Updated
Oct 16, 2019 - 580 commits
- C++
Oxford Deep NLP 2017 course
-
Updated
Oct 16, 2019 - 64 commits
100-Days-Of-ML-Code中文版
-
Updated
Oct 16, 2019 - 295 commits
- Jupyter Notebook
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
-
Updated
Oct 16, 2019 - 2 commits
- Python
A curated list of awesome Deep Learning tutorials, projects and communities.
-
Updated
Oct 16, 2019 - 315 commits
List of Computer Science courses with video lectures.
-
Updated
Oct 16, 2019 - 203 commits
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.
-
Updated
Oct 16, 2019 - 372 commits
- Python
Papers with code. Sorted by stars. Updated weekly.
-
Updated
Oct 16, 2019 - 78 commits
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
-
Updated
Oct 16, 2019 - 239 commits
- Jupyter Notebook
Learn about machine-learning
- Wikipedia
- Wikipedia
URL(s) with the issue:
https://github.com/tensorflow/examples/tree/master/lite/examples/object_detection/raspberry_pi
Description of issue (what needs changing):
Near the bottom of the instruction on speeding up inference it reads
python3 classify_picamera.py \
Based on the files in that example folder should that instead read
python3 detect_picamera.py \
Clear d