Sveriges 100 mest populära podcasts

Machine Learning Guide

Machine Learning Guide

Machine learning audio course, teaching the fundamentals of machine learning and artificial intelligence. It covers intuition, models (shallow and deep), math, languages, frameworks, etc. Where your other ML resources provide the trees, I provide the forest. Consider MLG your syllabus, with highly-curated resources for each episode's details at ocdevel.com. Audio is a great supplement during exercise, commute, chores, etc.

Prenumerera

iTunes / Overcast / RSS

Webbplats

ocdevel.com/mlg

Avsnitt

MLA 021 Databricks

Discussing Databricks with Ming Chang from Raybeam (part of DEPT®)

2022-06-22
Länk till avsnitt

MLA 020 Kubeflow

Conversation with Dirk-Jan Kubeflow (vs cloud native solutions like SageMaker)

Dirk-Jan Verdoorn - Data Scientist at Dept Agency

Kubeflow. (From the website:) The Machine Learning Toolkit for Kubernetes. The Kubeflow project is dedicated to making deployments of machine learning (ML) workflows on Kubernetes simple, portable and scalable. Our goal is not to recreate other services, but to provide a straightforward way to deploy best-of-breed open-source systems for ML to diverse infrastructures. Anywhere you are running Kubernetes, you should be able to run Kubeflow.

TensorFlow Extended (TFX). If using TensorFlow with Kubeflow, combine with TFX for maximum power. (From the website:) TensorFlow Extended (TFX) is an end-to-end platform for deploying production ML pipelines. When you're ready to move your models from research to production, use TFX to create and manage a production pipeline.

Alternatives:

Airflow MLflow
2022-01-29
Länk till avsnitt

MLA 019 DevOps

Chatting with co-workers about the role of DevOps in a machine learning engineer's life

Expert coworkers at Dept

Matt Merrill - Principal Software Developer Jirawat Uttayaya - DevOps Lead The Ship It Podcast (where Matt features often)

Devops tools

Terraform Ansible

Pictures (funny and serious)

Which AWS container service should I use? A visual guide on troubleshooting Kubernetes deployments Public Cloud Services Comparison Killed by Google aCloudGuru AWS curriculum
2022-01-13
Länk till avsnitt

MLA 018 Descript

(Optional episode) just showcasing a cool application using machine learning

Dept uses Descript for some of their podcasting. I'm using it like a maniac, I think they're surprised at how into it I am. Check out the transcript & see how it performed.

Descript The Ship It Podcast How to ship software, from the front lines. We talk with software developers about their craft, developer tools, developer productivity and what makes software development awesome. Hosted by your friends at Rocket Insights. AKA shipit.io Brandbeats Podcast by BASIC An agency podcast with views on design, technology, art, and culture. Explore the new microsite at www.brandbeats.basicagency.com
2021-11-07
Länk till avsnitt

MLA 017 AWS Local Development

Show notes: ocdevel.com/mlg/mla-17

Developing on AWS first (SageMaker or other)

Consider developing against AWS as your local development environment, rather than only your cloud deployment environment. Solutions:

Stick to AWS Cloud IDEs (LambdaSageMaker StudioCloud9

Connect to deployed infrastructure via Client VPN

Terraform example YouTube tutorial Creating the keys LocalStack

Infrastructure as Code

Terraform CDK Serverless
2021-11-06
Länk till avsnitt

MLA 016 SageMaker 2

Part 2 of deploying your ML models to the cloud with SageMaker (MLOps)

MLOps is deploying your ML models to the cloud. See MadeWithML for an overview of tooling (also generally a great ML educational run-down.)

SageMaker Jumpstart Deploy Pipelines Monitor Kubernetes Neo
2021-11-05
Länk till avsnitt

MLA 015 SageMaker 1

Show notes Part 1 of deploying your ML models to the cloud with SageMaker (MLOps)

MLOps is deploying your ML models to the cloud. See MadeWithML for an overview of tooling (also generally a great ML educational run-down.)

SageMaker DataWrangler Feature Store Ground Truth Clarify Studio AutoPilot Debugger Distributed Training

And I forgot to mention JumpStart, I'll mention next time.

2021-11-04
Länk till avsnitt

MLA 014 Machine Learning Server

Server-side ML. Training & hosting for inference, with a goal towards serverless. AWS SageMaker, Batch, Lambda, EFS, Cortex.dev
2021-01-18
Länk till avsnitt

MLA 013 Customer Facing Tech Stack

Client, server, database, etc.
2021-01-03
Länk till avsnitt

MLA 012 Docker

Use Docker for env setup on localhost & cloud deployment, instead of pyenv / Anaconda. I recommend Windows for your desktop.
2020-11-09
Länk till avsnitt

MLG 032 Cartesian Similarity Metrics

Show notes at ocdevel.com/mlg/32.

L1/L2 norm, Manhattan, Euclidean, cosine distances, dot product

Normed distances link

A norm is a function that assigns a strictly positive length to each vector in a vector space. link Minkowski is generalized. p_root(sum(xi-yi)^p). "p" = ? (1, 2, ..) for below. L1: Manhattan/city-block/taxicab. abs(x2-x1)+abs(y2-y1). Grid-like distance (triangle legs). Preferred for high-dim space. L2: Euclidean. sqrt((x2-x1)^2+(y2-y1)^2. sqrt(dot-product). Straight-line distance; min distance (Pythagorean triangle edge) Others: Mahalanobis, Chebyshev (p=inf), etc

Dot product

A type of inner product.
Outer-product: lies outside the involved planes. Inner-product: dot product lies inside the planes/axes involved link. Dot product: inner product on a finite dimensional Euclidean space link

Cosine (normalized dot)

2020-11-08
Länk till avsnitt

MLA 011 Practical Clustering

Kmeans (sklearn vs FAISS), finding n_clusters via inertia/silhouette, Agglomorative, DBSCAN/HDBSCAN
2020-11-08
Länk till avsnitt

MLA 010 NLP packages: transformers, spaCy, Gensim, NLTK

NLTK: swiss army knife. Gensim: LDA topic modeling, n-grams. spaCy: linguistics. transformers: high-level business NLP tasks.
2020-10-28
Länk till avsnitt

MLA 009 Charting tools

matplotlib, Seaborn, Bokeh, D3, Tableau, Power BI, QlikView, Excel
2018-11-06
Länk till avsnitt

MLA 008 Exploratory Data Analysis

EDA + charting. DataFrame info/describe, imputing strategies. Useful charts like histograms and correlation matrices.
2018-10-26
Länk till avsnitt

MLA 007 Jupyter Notebooks

Run your code + visualizations in the browser: iPython / Jupyter Notebooks.
2018-10-16
Länk till avsnitt

MLA 006 Salary

Salary based on location, gender, age, tech... from O'Reilly.
2018-07-19
Länk till avsnitt

MLA 005 Shapes & Sizes

Dimensions, size, and shape of Numpy ndarrays / TensorFlow tensors, and methods for transforming those.
2018-06-09
Länk till avsnitt

MLA 003 Storage: HDF, Pickle, Postgres

Comparison of different data storage options when working with your ML models.
2018-05-24
Länk till avsnitt

MLA 002 Numpy & Pandas

Some numerical data nitty-gritty in Python.
2018-05-24
Länk till avsnitt

MLA 001 Certificates & Degrees

Reboot on the MLG episode, with more confident recommends.
2018-05-24
Länk till avsnitt

MLG 029 Reinforcement Learning Intro

Introduction to reinforcement learning concepts. ocdevel.com/mlg/29 for notes and resources.
2018-02-05
Länk till avsnitt

MLG 028 Hyperparameters 2

Hyperparameters part 2: hyper-search, regularization, SGD optimizers, scaling. ocdevel.com/mlg/28 for notes and resources

2018-02-04
Länk till avsnitt

MLG 027 Hyperparameters 1

Hyperparameters part 1: network architecture. ocdevel.com/mlg/27 for notes and resources
2018-01-28
Länk till avsnitt

MLG 026 Project Bitcoin Trader

Community project & intro to Bitcoin/crypto + trading. ocdevel.com/mlg/26 for notes and resources
2018-01-27
Länk till avsnitt

MLG 025 Convolutional Neural Networks

Convnets or CNNs. Filters, feature maps, window/stride/padding, max-pooling. ocdevel.com/mlg/25 for notes and resources
2017-10-30
Länk till avsnitt

MLG 024 Tech Stack

TensorFlow, Pandas, Numpy, Scikit-Learn, Keras, TensorForce. ocdevel.com/mlg/24 for notes and resources
2017-10-07
Länk till avsnitt

MLG 023 Deep NLP 2

RNN review, bi-directional RNNs, LSTM & GRU cells. ocdevel.com/mlg/23 for notes and resources
2017-08-21
Länk till avsnitt

MLG 022 Deep NLP 1

Recurrent Neural Networks (RNNs) and Word2Vec. ocdevel.com/mlg/22 for notes and resources
2017-07-29
Länk till avsnitt

MLG 020 Natural Language Processing 3

Natural Language Processing classical/shallow algorithms. ocdevel.com/mlg/20 for notes and resources
2017-07-24
Länk till avsnitt

MLG 019 Natural Language Processing 2

Natural Language Processing classical/shallow algorithms. ocdevel.com/mlg/19 for notes and resources
2017-07-11
Länk till avsnitt

MLG 018 Natural Language Processing 1

Introduction to Natural Language Processing (NLP) topics. ocdevel.com/mlg/18 for notes and resources
2017-06-26
Länk till avsnitt

MLG 017 Checkpoint

Checkpoint - learn the material offline! ocdevel.com/mlg/17 for notes and resources
2017-06-04
Länk till avsnitt

MLG 016 Consciousness

Can AI be conscious? ocdevel.com/mlg/16 for notes and resources
2017-05-21
Länk till avsnitt

MLG 015 Performance

Performance evaluation & improvement. ocdevel.com/mlg/15 for notes and resources
2017-05-07
Länk till avsnitt

MLG 014 Shallow Algos 3

Speed run of Anomaly Detection, Recommenders(Content Filtering vs Collaborative Filtering), and Markov Chain Monte Carlo (MCMC). ocdevel.com/mlg/14 for notes and resources
2017-04-23
Länk till avsnitt

MLG 013 Shallow Algos 2

Speed run of Support Vector Machines (SVMs) and Naive Bayes Classifier. ocdevel.com/mlg/13 for notes and resources
2017-04-09
Länk till avsnitt

MLG 012 Shallow Algos 1

Speed-run of some shallow algorithms: K Nearest Neighbors (KNN); K-means; Apriori; PCA; Decision Trees

ocdevel.com/mlg/12 for notes and resources

2017-03-19
Länk till avsnitt

MLG 010 Languages & Frameworks

Languages & frameworks comparison. Languages: Python, R, MATLAB/Octave, Julia, Java/Scala, C/C++. Frameworks: Hadoop/Spark, Deeplearning4J, Theano, Torch, TensorFlow. ocdevel.com/mlg/10 for notes and resources
2017-03-07
Länk till avsnitt

MLG 009 Deep Learning

Deep learning and neural networks. How to stack our logisitic regression units into a multi-layer perceptron. ocdevel.com/mlg/9 for notes and resources
2017-03-04
Länk till avsnitt

MLG 008 Math

Introduction to the branches of mathematics used in machine learning. Linear algebra, statistics, calculus. ocdevel.com/mlg/8 for notes and resources
2017-02-23
Länk till avsnitt

MLG 007 Logistic Regression

Your first classifier: Logistic Regression. That plus Linear Regression, and you're a 101 supervised learner! ocdevel.com/mlg/7 for notes and resources
2017-02-19
Länk till avsnitt

MLG 006 Certificates & Degrees

Discussion on certificates and degrees from Udacity to a Masters degree. ocdevel.com/mlg/6 for notes and resources
2017-02-17
Länk till avsnitt

MLG 005 Linear Regression

Introduction to the first machine-learning algorithm, the 'hello world' of supervised learning - Linear Regression ocdevel.com/mlg/5 for notes and resources
2017-02-16
Länk till avsnitt

MLG 004 Algorithms - Intuition

Overview of machine learning algorithms. Infer/predict, error/loss, train/learn. Supervised, unsupervised, reinforcement learning. ocdevel.com/mlg/4 for notes and resources
2017-02-12
Länk till avsnitt

MLG 003 Inspiration

Show notes at ocdevel.com/mlg/3. Why should you care about AI? Inspirational topics about economic revolution, the singularity, consciousness, and fear.
2017-02-10
Länk till avsnitt

MLG 002 What is AI, ML, DS

Show notes at ocdevel.com/mlg/2

Updated! Skip to [00:29:36] for Data Science (new content) if you've already heard this episode.

What is artificial intelligence, machine learning, and data science? What are their differences? AI history.

Hierarchical breakdown: DS(AI(ML)). Data science: any profession dealing with data (including AI & ML). Artificial intelligence is simulated intellectual tasks. Machine Learning is algorithms trained on data to learn patterns to make predictions.

Artificial Intelligence (AI) - Wikipedia

Oxford Languages: the theory and development of computer systems able to perform tasks that normally require human intelligence, such as visual perception, speech recognition, decision-making, and translation between languages.

AlphaGo Movie, very good!

Sub-disciplines

Reasoning, problem solving Knowledge representation Planning Learning Natural language processing Perception Motion and manipulation Social intelligence General intelligence

Applications

Autonomous vehicles (drones, self-driving cars) Medical diagnosis Creating art (such as poetry) Proving mathematical theorems Playing games (such as Chess or Go) Search engines Online assistants (such as Siri) Image recognition in photographs Spam filtering Prediction of judicial decisions Targeting online advertisements Machine Learning (ML) - Wikipedia

Oxford Languages: the use and development of computer systems that are able to learn and adapt without following explicit instructions, by using algorithms and statistical models to analyze and draw inferences from patterns in data.

Data Science (DS) - Wikipedia

Wikipedia: Data science is an interdisciplinary field that uses scientific methods, processes, algorithms and systems to extract knowledge and insights from noisy, structured and unstructured data, and apply knowledge and actionable insights from data across a broad range of application domains. Data science is related to data mining, machine learning and big data.

History Greek mythology, Golums First attempt: Ramon Lull, 13th century Davinci's walking animals Descartes, Leibniz

1700s-1800s: Statistics & Mathematical decision making

Thomas Bayes: reasoning about the probability of events George Boole: logical reasoning / binary algebra Gottlob Frege: Propositional logic 1832: Charles Babbage & Ada Byron / Lovelace: designed Analytical Engine (1832), programmable mechanical calculating machines

1936: Universal Turing Machine

Computing Machinery and Intelligence - explored AI! 1946: John von Neumann Universal Computing Machine 1943: Warren McCulloch & Walter Pitts: cogsci rep of neuron; Frank Rosemblatt uses to create Perceptron (-> neural networks by way of MLP)

50s-70s: "AI" coined @Dartmouth workshop 1956 - goal to simulate all aspects of intelligence. John McCarthy, Marvin Minksy, Arthur Samuel, Oliver Selfridge, Ray Solomonoff, Allen Newell, Herbert Simon

Newell & Simon: Hueristics -> Logic Theories, General Problem Solver Slefridge: Computer Vision NLP Stanford Research Institute: Shakey Feigenbaum: Expert systems GOFAI / symbolism: operations research / management science; logic-based; knowledge-based / expert systems 70s: Lighthill report (James Lighthill), big promises -> AI Winter

90s: Data, Computation, Practical Application -> AI back (90s)

Connectionism optimizations: Geoffrey Hinton: 2006, optimized back propagation Bloomberg, 2015 was whopper for AI in industry AlphaGo & DeepMind
2017-02-09
Länk till avsnitt

MLG 001 Introduction

Show notes: ocdevel.com/mlg/1. MLG teaches the fundamentals of machine learning and artificial intelligence. It covers intuition, models, math, languages, frameworks, etc. Where your other ML resources provide the trees, I provide the forest. Consider MLG your syllabus, with highly-curated resources for each episode's details at ocdevel.com. Audio is a great supplement during exercise, commute, chores, etc.

MLGResources Guide Gnothi (podcast project): websiteGithub Tyler's Battlestation What is this podcast? "Middle" level overview (deeper than a bird's eye view of machine learning; higher than math equations) No math/programming experience required

Who is it for

Anyone curious about machine learning fundamentals Aspiring machine learning developers

Why audio?

Supplementary content for commute/exercise/chores will help solidify your book/course-work

What it's not

News and Interviews: TWiML and AI, O'Reilly Data Show, Talking machines Misc Topics: Linear Digressions, Data Skeptic, Learning machines 101 iTunesU issues

Planned episodes

What is AI/ML: definition, comparison, history Inspiration: automation, singularity, consciousness ML Intuition: learning basics (infer/error/train); supervised/unsupervised/reinforcement; applications Math overview: linear algebra, statistics, calculus Linear models: supervised (regression, classification); unsupervised Parts: regularization, performance evaluation, dimensionality reduction, etc Deep models: neural networks, recurrent neural networks (RNNs), convolutional neural networks (convnets/CNNs) Languages and Frameworks: Python vs R vs Java vs C/C++ vs MATLAB, etc; TensorFlow vs Torch vs Theano vs Spark, etc
2017-02-01
Länk till avsnitt
Hur lyssnar man på podcast?

En liten tjänst av I'm With Friends. Finns även på engelska.
Uppdateras med hjälp från iTunes.