An open API service providing repository metadata for many open source software ecosystems.

Topic: "machine-learning-tutorial"

mrdbourke/cs329s-ml-deployment-tutorial

Code and files to go along with CS329s machine learning model deployment tutorial.

Language: Jupyter Notebook - Size: 67.1 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 605 - Forks: 185

RubixML/Sentiment

An example project using a feed-forward neural network for text sentiment classification trained with 25,000 movie reviews from the IMDB website.

Language: PHP - Size: 34 MB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 112 - Forks: 14

jim-schwoebel/voice_gender_detection

♂️♀️ Detect a person's gender from a voice file (90.7% +/- 1.3% accuracy).

Language: Python - Size: 9.57 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 82 - Forks: 25

ashishpatel26/ML-Notes-in-Markdown

Machine learning notes that make your reading easy

Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 67 - Forks: 60

RubixML/CIFAR-10

Use the famous CIFAR-10 dataset to train a multi-layer neural network to recognize images of cats, dogs, and other things.

Language: PHP - Size: 163 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 59 - Forks: 9

RubixML/Housing

An example project that predicts house prices for a Kaggle competition using a Gradient Boosted Machine.

Language: PHP - Size: 617 KB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 22

benckx/dnn-movie-posters

Classify movie posters by genre

Language: Python - Size: 1.93 MB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 51 - Forks: 33

RubixML/MNIST

Handwritten digit recognizer using a feed-forward neural network and the MNIST dataset of 70,000 human-labeled handwritten digits.

Language: PHP - Size: 19.9 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 9

RubixML/Iris

The original lightweight introduction to machine learning in Rubix ML using the famous Iris dataset and the K Nearest Neighbors classifier.

Language: PHP - Size: 410 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 9

RubixML/Credit

An example project that predicts risk of credit card default using a Logistic Regression classifier and a 30,000 sample dataset.

Language: PHP - Size: 1.76 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 34 - Forks: 12

mdsalnikov/tf-idf_and_k-means 📦

Text clustering with K-means and tf-idf

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 36

RubixML/HAR

Recognize one of six human activities such as standing, sitting, and walking using a Softmax Classifier trained on mobile phone sensor data.

Language: PHP - Size: 23.9 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 22 - Forks: 7

RubixML/Colors

Demonstrating unsupervised clustering using the K Means algorithm and synthetic color data.

Language: PHP - Size: 251 KB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 18 - Forks: 3

RubixML/Dota2

Build a classifier to predict the outcome of Dota 2 games with the Naive Bayes algorithm and results from 102,944 sample games.

Language: PHP - Size: 4.89 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 2

RubixML/Divorce

Use the K Nearest Neighbors algorithm to predict the probability of a divorce with high accuracy.

Language: PHP - Size: 87.9 KB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 11

leriomaggio/deep-learning-health-life-sciences

Workshop on Deep Learning for Health and Life Sciences

Language: Jupyter Notebook - Size: 28.7 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 4

curiousily/Logistic-Regression-with-TensorFlow-js

Predict diabetes disease using a Logistic Regression with TensorFlow.js

Language: JavaScript - Size: 17.6 KB - Last synced at: 23 days ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 2

junhoning/machine_learning_tutorial

Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 2

DataSenseiAryan/MLIn10Minutes

A machine repository for kick-starting Machine Learning in no time!

Language: Jupyter Notebook - Size: 97.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

taguhiM/ZIL_ML

Machine Learning tutorials covering both traditional and deep learning models.

Language: Jupyter Notebook - Size: 64.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 6

kmc7468/DLCpp

딥러닝 with C++ 소스 코드

Language: C++ - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

Prometheussx/Sign-Language-Classification-Tutorial

This project utilizes logistic regression to classify numbers 0 and 1 using sign language gestures. It successfully achieves the task of sign language classification, reaching a test accuracy of 93.54%.

Language: Jupyter Notebook - Size: 238 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

anastazijaverovic/Machine_Learning_Algorithms_R

The repository contains exercises on Machine Learning algorithms in R, using RStudio. Used to dive into ML, data preprocessing, data visualisation, and data exploration.

Language: R - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 2

Zoubyr/traditional-machine-learning

Geleneksel Makine Öğrenmesi Yöntemleri ile Çalışmalarım

Language: Jupyter Notebook - Size: 320 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

Prometheussx/Multiply-Linear-Regression

A Python code for data analysis and salary predictions using a multiple linear regression model. The code calculates the intercept and coefficients of the model and makes predictions on sample data.

Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Prometheussx/Linear-Regression

This Python code represents a machine learning project that builds a simple linear regression model using experience and salary data. It plots the data, constructs the regression model, and visualizes the results.

Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

TheAmazingElys/tuto-ml-breizhcamp2019 Fork of pagesjaunes/tuto-ml-breizhcamp2019

Supports de la conférence "Machine Learning pour tous avec python" présentée au Breizhcamp 2019

Language: HTML - Size: 7.21 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 2

Prometheussx/Cancer_Data_Classification

Creating a logistic regression algorithm without using a library and making cancer classification with this algorithm model (Kaggle Explained)

Language: Python - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

drazendee/tf2_quickstart_valohai

In this tutorial we'll bring the TensorFlow 2 Quickstart to Valohai, taking advantage of Valohai versioned experiments, data inputs, outputs and exporting metadata to easily track & compare your models.

Language: Python - Size: 1.86 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

IgorWounds/Sklearn-Introduction-Guide

Algotrading101 article about Sklearn

Language: Jupyter Notebook - Size: 155 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

leanh153/Machine-Learning

Machine learning case study

Language: Jupyter Notebook - Size: 355 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

Mai11122006/Iris-ml-classifier

PyTorch model that classifies Iris species based on characteristics about the length and width of sepals and petals.

Language: Python - Size: 24.4 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

mohitzsh/esl

Study notes for Elements of Statistical Learning (ESL) book.

Size: 26.4 KB - Last synced at: 12 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

amansinha28/Machine-Learning-Basics

Machine Learning Algorithm Implementations

Language: Jupyter Notebook - Size: 474 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

saurabhkm/GNR652

A follow up page for the session on Machine and Learning and Deep Learning frameworks at GNR 652 course.

Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Related Topics
machine-learning 33 tutorial 13 php-ml 11 php 10 php-machine-learning 10 rubix-ml 10 deep-learning 9 cross-validation 9 classification 8 data-science 8 example-project 7 neural-network 5 machine-learning-algorithms 5 regression 4 artificial-intelligence 4 logistic-regression 4 pipeline 4 deep-learning-tutorial 4 tensorflow 3 computer-vision 3 kaggle 3 machine-learning-tutorials 3 dataset 3 deep-neural-networks 3 sklearn 3 machinelearning 3 classification-algorithm 2 dimensionality-reduction 2 text-classification 2 iris-dataset 2 kmeans-clustering 2 nearest-neighbors 2 data-processing 2 knn 2 k-nearest-neighbors 2 prediction 2 machinelearning-python 2 classifier 2 gradient-descent 2 php-ai 2 image-recognition 2 image-classification 2 scikit-learn 2 pytorch-tutorial 2 machine-learning-practice 2 pytorch 2 keras 2 keras-tutorials 2 tf-idf 1 dota 1 dota2 1 naive-bayes 1 naive-bayes-algorithm 1 naive-bayes-classifier 1 tensorflow-js 1 tensorflowjs 1 divorce 1 divorce-prediction 1 multi-layer-perceptron 1 imdb 1 sklearn-library 1 statistical-learning 1 object-detection 1 text-sentiment 1 ensemble 1 gradient-boost 1 gradient-boosted-trees 1 gradient-boosting 1 gradient-boosting-machine 1 gradient-boosting-regressor 1 sentiment-classification 1 housing-prices 1 kaggle-competition 1 predicting-housing-prices 1 rubix 1 sentiment-analysis 1 natural-language-processing 1 mnist 1 mnist-dataset 1 mnist-handwriting-recognition 1 elixir 1 face-recognition 1 gaussian-mixture-models 1 human-segmentation 1 image-processing 1 iris 1 markov-model 1 python 1 softmax-classifier 1 human-activity-recognition 1 random-projection 1 imu-sensor 1 momentum 1 machine-learning-notes 1 ml 1 backpropagation 1 tfidf 1 ai 1 cnn 1 cnn-classification 1