All Projects → dsgiitr → VisualML

dsgiitr / VisualML

Licence: GPL-3.0 license
Interactive Visual Machine Learning Demos.

Programming Languages

CSS
56736 projects
SCSS
7915 projects
javascript
184084 projects - #8 most used programming language
HTML
75241 projects
shell
77523 projects

Projects that are alternatives of or similar to VisualML

Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+3105.77%)
Mutual labels:  svm, pca, logistic-regression
Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (-71.15%)
Mutual labels:  svm, pca, logistic-regression
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+25%)
Mutual labels:  svm, pca, logistic-regression
Patternrecognition matlab
Feature reduction projections and classifier models are learned by training dataset and applied to classify testing dataset. A few approaches of feature reduction have been compared in this paper: principle component analysis (PCA), linear discriminant analysis (LDA) and their kernel methods (KPCA,KLDA). Correspondingly, a few approaches of classification algorithm are implemented: Support Vector Machine (SVM), Gaussian Quadratic Maximum Likelihood and K-nearest neighbors (KNN) and Gaussian Mixture Model(GMM).
Stars: ✭ 33 (-68.27%)
Mutual labels:  svm, pca
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-78.85%)
Mutual labels:  svm, logistic-regression
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+30973.08%)
Mutual labels:  svm, pca
Mylearn
machine learning algorithm
Stars: ✭ 125 (+20.19%)
Mutual labels:  svm, logistic-regression
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+0.96%)
Mutual labels:  svm, logistic-regression
Svm Classification Localization
HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS
Stars: ✭ 130 (+25%)
Mutual labels:  svm, pca
Quick-Data-Science-Experiments-2017
Quick-Data-Science-Experiments
Stars: ✭ 19 (-81.73%)
Mutual labels:  pca, logistic-regression
GDLibrary
Matlab library for gradient descent algorithms: Version 1.0.1
Stars: ✭ 50 (-51.92%)
Mutual labels:  svm, logistic-regression
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-82.69%)
Mutual labels:  svm, logistic-regression
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (+186.54%)
Mutual labels:  svm, logistic-regression
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+32247.12%)
Mutual labels:  svm, logistic-regression
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+169.23%)
Mutual labels:  svm, logistic-regression
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+4.81%)
Mutual labels:  svm, logistic-regression
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+174.04%)
Mutual labels:  svm, autoencoder
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-68.27%)
Mutual labels:  svm, logistic-regression
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-71.15%)
Mutual labels:  svm, style-transfer
Ml Course
Starter code of Prof. Andrew Ng's machine learning MOOC in R statistical language
Stars: ✭ 154 (+48.08%)
Mutual labels:  svm, pca


Visual Machine Learning

Visual Machine Learning contains a set of Machine Learning and Deep Learning interactive visualisation demos for developing intuition. These demos are developed using TensorFlow.js and can be executed directly in your browser. This project is an extension of ML examples from tfjs-examples. We implement new demos, as well as, add additional features into the ones that already existed in TFJS.

Some examples may require web-gl enabled browsers and viewers may experience latency during executing the demos based on the device.

Overview of Demos

Example name Demo link Input data type Task type Model type Training Inference
ANN 🔗 Iris Dataset View NN architecture, View Confusion Matrix Multilayer perceptron Browser Browser
Autoencoder 🔗 MNIST dataset Visualising Latent Space Autoencoder Browser Browser
Logistic Regression 🔗 Various 2D data Visualising Decision Boundary Logistic Regression Browser Browser
MNIST-CNN 🔗 MNIST Visualising Activations CNN Browser Browser
PCA 🔗 Various Visualising Principal Components & projected dimensions PCA Browser Browser
SVM 🔗 2D Dataset Visualising Support Vectors and Kernels SMO Browser Browser
Neural Style Transfer 🔗 Image Data Visualising Style Transfer using MobileNet Style Transfer Browser Browser
Vanishing Gradients 🔗 Iris Dataset Developing Intuition how Relu Fixes Vanishing Gradients Neural Networks Browser Browser

Dependencies

All the examples require the following dependencies to be installed.

How to build?

cd into the directory

If you are using yarn:

cd MNIST-CNN
yarn
yarn watch

If you are using npm:

cd MNIST-CNN
npm install
npm run watch

Details

The convention is that each example contains two scripts:

  • yarn watch or npm run watch: This starts and generates a local development HTML server tracking filesystem for changes, supporting hot-reloading.

  • yarn build or npm run build: generates a dist/ folder which contains the build artifacts and can be used for deployment.

Contributing

If you want to contribute a demo, please reach out to us on Github issues before sending us a pull request as we are trying to keep this set of examples small and highly curated.

Acknowledgements

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].