• Stars
    star
    2,610
  • Rank 17,543 (Top 0.4 %)
  • Language
  • Created over 5 years ago
  • Updated 3 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Interactive Tools for Machine Learning, Deep Learning and Math

Interactive Tools for machine learning, deep learning, and math

Content

Deep Learning

Interpretability

Math


Deep Learning

exBERT

"exBERT is a tool to help humans conduct flexible, interactive investigations and formulate hypotheses for the model-internal reasoning process, supporting analysis for a wide variety of Hugging Face Transformer models. exBERT provides insights into the meaning of the contextual representations and attention by matching a human-specified input to similar contexts in large annotated datasets."

exbert

BertViz

"BertViz is a tool for visualizing attention in the Transformer model, supporting most models from the transformers library (BERT, GPT-2, XLNet, RoBERTa, XLM, CTRL, MarianMT, etc.). It extends the Tensor2Tensor visualization tool by Llion Jones and the transformers library from HuggingFace."

CNN Explainer

An interactive visualization system designed to help non-experts learn about Convolutional Neural Networks (CNNs). It runs a pre-tained CNN in the browser and lets you explore the layers and operations.

Play with GANs in the Browser

Explore Generative Adversarial Networks directly in the browser with GAN Lab. There are many cool features that support interactive experimentation.

  • Interactive hyperparameter adjustment
  • User-defined data distribution
  • Slow-motion mode
  • Manual step-by-step execution

ConvNet Playground

ConvNet Playground is an interactive visualization tool for exploring Convolutional Neural Networks applied to the task of semantic image search.

Distill: Exploring Neural Networks with Activation Atlases

Feature inversion to visualize millions of activations from an image classification network leads to an explorable activation atlas of features the network has learned. This can reveal how the network typically represents some concepts.

A visual introduction to Machine Learning

Available in many different languages.

Interactive Deep Learning Playground

New to Deep Learning? Tinker with a Neural Network in your browser.

Initializing neural networks

Initialization can have a significant impact on convergence in training deep neural networks. Simple initialization schemes can accelerate training, but they require care to avoid common pitfalls. In this post, deeplearning.ai folks explain how to initialize neural network parameters effectively.

Embedding Projector

It's increaingly important to understand how data is being interpreted by machine learning models. To translate the things we understand naturally (e.g. words, sounds, or videos) to a form that the algorithms can process, we often use embeddings, a mathematical vector representation that captures different facets (dimensions) of the data. In this interactive, you can explore multiple different algorithms (PCA, t-SNE, UMAP) for exploring these embeddings in your browser.

OpenAI Microscope

The OpenAI Microscope is a collection of visualizations of every significant layer and neuron of eight important vision models.

Interpretability, Fairness

The Language Interpretability Tool

The Language Interpretability Tool (LIT) is an open-source platform for visualization and understanding of NLP models.

You can use LIT to ask and answer questions like:

  • What kind of examples does my model perform poorly on?
  • Why did my model make this prediction? Can it attribute it to adversarial behavior, or undesirable priors from the training set?
  • Does my model behave consistently if I change things like textual style, verb tense, or pronoun gender?

What if

The What-If Tool lets you visually probe the behavior of trained machine learning models, with minimal coding.

what-if

Measuring diversity

PAIR Explorables around measuring diversity.

"Search, ranking and recommendation systems can help find useful documents in large datasets. However, these datasets reflect the biases of the society in which they were created and the systems risk re-entrenching those biases. For example, if someone who is not a white man searches for “CEO pictures” and sees a page of white men, they may feel that only white men can be CEOs, further perpetuating lack of representation at companies’ executive levels."

Math

Sage Interactions

This is a collection of pages demonstrating the use of the interact command in Sage. It should be easy to just scroll through and copy/paste examples into Sage notebooks.

Examples include Algebra, Bioinformatics, Calculus, Cryptography, Differential Equations, Drawing Graphics, Dynamical Systems, Fractals, Games and Diversions, Geometry, Graph Theory, Linear Algebra, Loop Quantum Gravity, Number Theory, Statistics/Probability, Topology, Web Applications.

Probability Distributions

by Simon Ward-Jones. A visual 👀 tour of probability distributions.

  • Bernoulli Distribution
  • Binomial Distribution
  • Normal Distribution
  • Beta Distribution
  • LogNormal Distribution

Bayesian Inference

by Simon Ward-Jones. Explaining the basics of bayesian inference with the example of flipping a coin.

Seeing Theory: Probability and Stats

A visual introduction to probability and statistics.

Interactive Gaussian Process Visualization

"A Gaussian process can be thought of as an extension of the multivariate normal distribution to an infinite number of random variables covering each point on the input domain. The covariance between function values at any two points is given by the evaluation of the kernel of the Gaussian process. For an in-depth explanation, read this excellent distill.pub article and then come back to this interactive visualisation!"

More Repositories

1

AI_Curriculum

Open Deep Learning and Reinforcement Learning lectures from top Universities like Stanford, MIT, UC Berkeley.
2,528
star
2

DL-workshop-series

Material used for Deep Learning related workshops for Machine Learning Tokyo (MLT)
Jupyter Notebook
936
star
3

papers-with-annotations

Research papers with annotations, illustrations and explanations
829
star
4

CNN-Architectures

HTML
503
star
5

Math_resources

341
star
6

__init__

Jupyter Notebook
136
star
7

Deep_Reinforcement_Learning

Resources, papers, tutorials
124
star
8

MLT_Talks

Slides, videos and other resources from MLT Talks
108
star
9

AI-ML-Newsletter

AI Digest: Monthly updates on AI and ML topics
105
star
10

MLT_starterkit

92
star
11

Intro-to-GANs

This code was developed for the Intro to GANs workshop for Machine Learning Tokyo (MLT).
Jupyter Notebook
66
star
12

Annotation_Tools

Open Source Annotation Tools for Computer Vision and NLP tasks
52
star
13

EdgeAIContest3

This repository present MLT Team solution for the The 3rd AI Edge Contest.
Jupyter Notebook
52
star
14

Reinforcement_Learning

Material for MLT Reinforcement Learning workshops and study sessions
Jupyter Notebook
50
star
15

Poetry-GAN

Jupyter Notebook
49
star
16

EN-JP-ML-Lexicon

This is a English-Japanese lexicon for Machine Learning and Deep Learning terminology.
33
star
17

public_datasets

Public Machine Learning Datasets
30
star
18

tfjs-workshop

JavaScript
29
star
19

ML-Math

Mathematics for Machine Learning
CSS
29
star
20

d2l.ai

25
star
21

generative_deep_learning

Generative Deep Learning Sessions led by Anugraha Sinha (Machine Learning Tokyo)
Jupyter Notebook
25
star
22

MLT-x-fastai

Fast.ai study sessions organized by MLT.
Jupyter Notebook
24
star
23

ML_Fairness_Ethics_Explainability

Fairness, Ethics, Explainability in AI and ML
Jupyter Notebook
22
star
24

intro-to-DL

Jupyter Notebook
21
star
25

kuzushiji-lite

OCR for recognizing Kuzushiji from ancient Japanese manuscripts deployed for end-users
Python
19
star
26

edgeai-lab-microcontroller-series

This repository is to share the EdgeAI Lab with Microcontrollers Series material to the entire community. We will share documents, presentations and source code of two demo applications.
C++
16
star
27

practical-ml-implementations

ML implementations for practical use
Python
15
star
28

KaggleDaysTokyo2019

Jupyter Notebook
15
star
29

Seq2Seq-Workshop

Seq2Seq workshop materials
Jupyter Notebook
15
star
30

tactile_patterns

Convert photo to tactile image to assist visually impaired
Python
15
star
31

paper_readings

Material for the Paper Reading sessions organized by Machine Learning Tokyo
TeX
15
star
32

ELSI-DL-Bootcamp

Intro to Machine Learning and Deep Learning for Earth-Life Sciences
Jupyter Notebook
14
star
33

ML_Math

This repo contains resources from our MLT math lectures.
Jupyter Notebook
14
star
34

ML_recommendation_system

Python
13
star
35

NLP

13
star
36

MLTx2020

Jupyter Notebook
12
star
37

Edge-AI-Tutorials

Collection of Edge AI tutorials
12
star
38

Agritech

Jupyter Notebook
11
star
39

AI-SUM

"Data, Task and Algorithm Complexity in Deep Learning Projects", Dimitris Katsios and Suzana Ilic at Nikkei's AI/SUM, Tokyo, Japan
Jupyter Notebook
10
star
40

Kaggle

MLT working sessions: Kaggle
Jupyter Notebook
7
star
41

Edge_AI

Resources for our Workshops on Edge AI
7
star
42

search-api-requester

API requester for recommendation system
4
star
43

ML_Search

ML Search – Feedback
2
star