
CTIBench: Evaluating LLMs in Cyber Threat Intelligence with Nidhi Rastogi - #729
Today, we're joined by Nidhi Rastogi, assistant professor at Rochester Institute of Technology to discuss Cyber Threat Intelligence (CTI), focusing on her recent project CTIBench—a benchmark for evaluating LLMs on real-world CTI tasks. Nidhi explains the evolution of AI in cybersecurity, from rule-based systems to LLMs that accelerate analysis by providing critical context for threat detection and defense. We dig into the advantages and challenges of using LLMs in CTI, how techniques like Retrieval-Augmented Generation (RAG) are essential for keeping LLMs up-to-date with emerging threats, and how CTIBench measures LLMs’ ability to perform a set of real-world tasks of the cybersecurity analyst. We unpack the process of building the benchmark, the tasks it covers, and key findings from benchmarking various LLMs. Finally, Nidhi shares the importance of benchmarks in exposing model limitations and blind spots, the challenges of large-scale benchmarking, and the future directions of her AI4Sec Research Lab, including developing reliable mitigation techniques, monitoring "concept drift" in threat detection models, improving explainability in cybersecurity, and more. The complete show notes for this episode can be found at https://twimlai.com/go/729.

Generative Benchmarking with Kelly Hong - #728
In this episode, Kelly Hong, a researcher at Chroma, joins us to discuss "Generative Benchmarking," a novel approach to evaluating retrieval systems, like RAG applications, using synthetic data. Kelly explains how traditional benchmarks like MTEB fail to represent real-world query patterns and how embedding models that perform well on public benchmarks often underperform in production. The conversation explores the two-step process of Generative Benchmarking: filtering documents to focus on relevant content and generating queries that mimic actual user behavior. Kelly shares insights from applying this approach to Weights & Biases' technical support bot, revealing how domain-specific evaluation provides more accurate assessments of embedding model performance. We also discuss the importance of aligning LLM judges with human preferences, the impact of chunking strategies on retrieval effectiveness, and how production queries differ from benchmark queries in ambiguity and style. Throughout the episode, Kelly emphasizes the need for systematic evaluation approaches that go beyond "vibe checks" to help developers build more effective RAG applications. The complete show notes for this episode can be found at https://twimlai.com/go/728.

Exploring the Biology of LLMs with Circuit Tracing with Emmanuel Ameisen - #727
In this episode, Emmanuel Ameisen, a research engineer at Anthropic, returns to discuss two recent papers: "Circuit Tracing: Revealing Language Model Computational Graphs" and "On the Biology of a Large Language Model." Emmanuel explains how his team developed mechanistic interpretability methods to understand the internal workings of Claude by replacing dense neural network components with sparse, interpretable alternatives. The conversation explores several fascinating discoveries about large language models, including how they plan ahead when writing poetry (selecting the rhyming word "rabbit" before crafting the sentence leading to it), perform mathematical calculations using unique algorithms, and process concepts across multiple languages using shared neural representations. Emmanuel details how the team can intervene in model behavior by manipulating specific neural pathways, revealing how concepts are distributed throughout the network's MLPs and attention mechanisms. The discussion highlights both capabilities and limitations of LLMs, showing how hallucinations occur through separate recognition and recall circuits, and demonstrates why chain-of-thought explanations aren't always faithful representations of the model's actual reasoning. This research ultimately supports Anthropic's safety strategy by providing a deeper understanding of how these AI systems actually work. The complete show notes for this episode can be found at https://twimlai.com/go/727.

Teaching LLMs to Self-Reflect with Reinforcement Learning with Maohao Shen - #726
Today, we're joined by Maohao Shen, PhD student at MIT to discuss his paper, “Satori: Reinforcement Learning with Chain-of-Action-Thought Enhances LLM Reasoning via Autoregressive Search.” We dig into how Satori leverages reinforcement learning to improve language model reasoning—enabling model self-reflection, self-correction, and exploration of alternative solutions. We explore the Chain-of-Action-Thought (COAT) approach, which uses special tokens—continue, reflect, and explore—to guide the model through distinct reasoning actions, allowing it to navigate complex reasoning tasks without external supervision. We also break down Satori’s two-stage training process: format tuning, which teaches the model to understand and utilize the special action tokens, and reinforcement learning, which optimizes reasoning through trial-and-error self-improvement. We cover key techniques such “restart and explore,” which allows the model to self-correct and generalize beyond its training domain. Finally, Maohao reviews Satori’s performance and how it compares to other models, the reward design, the benchmarks used, and the surprising observations made during the research. The complete show notes for this episode can be found at https://twimlai.com/go/726.

Waymo's Foundation Model for Autonomous Driving with Drago Anguelov - #725
Today, we're joined by Drago Anguelov, head of AI foundations at Waymo, for a deep dive into the role of foundation models in autonomous driving. Drago shares how Waymo is leveraging large-scale machine learning, including vision-language models and generative AI techniques to improve perception, planning, and simulation for its self-driving vehicles. The conversation explores the evolution of Waymo’s research stack, their custom “Waymo Foundation Model,” and how they’re incorporating multimodal sensor data like lidar, radar, and camera into advanced AI systems. Drago also discusses how Waymo ensures safety at scale with rigorous validation frameworks, predictive world models, and realistic simulation environments. Finally, we touch on the challenges of generalization across cities, freeway driving, end-to-end learning vs. modular architectures, and the future of AV testing through ML-powered simulation. The complete show notes for this episode can be found at https://twimlai.com/go/725.

Dynamic Token Merging for Efficient Byte-level Language Models with Julie Kallini - #724
Today, we're joined by Julie Kallini, PhD student at Stanford University to discuss her recent papers, “MrT5: Dynamic Token Merging for Efficient Byte-level Language Models” and “Mission: Impossible Language Models.” For the MrT5 paper, we explore the importance and failings of tokenization in large language models—including inefficient compression rates for under-resourced languages—and dig into byte-level modeling as an alternative. We discuss the architecture of MrT5, its ability to learn language-specific compression rates, its performance on multilingual benchmarks and character-level manipulation tasks, and its performance and efficiency. For the “Mission: Impossible Language Models” paper, we review the core idea behind the research, the definition and creation of impossible languages, the creation of impossible language training datasets, and explore the bias of language model architectures towards natural language. The complete show notes for this episode can be found at https://twimlai.com/go/724.

Scaling Up Test-Time Compute with Latent Reasoning with Jonas Geiping - #723
Today, we're joined by Jonas Geiping, research group leader at Ellis Institute and the Max Planck Institute for Intelligent Systems to discuss his recent paper, “Scaling up Test-Time Compute with Latent Reasoning: A Recurrent Depth Approach.” This paper proposes a novel language model architecture which uses recurrent depth to enable “thinking in latent space.” We dig into “internal reasoning” versus “verbalized reasoning”—analogous to non-verbalized and verbalized thinking in humans, and discuss how the model searches in latent space to predict the next token and dynamically allocates more compute based on token difficulty. We also explore how the recurrent depth architecture simplifies LLMs, the parallels to diffusion models, the model's performance on reasoning tasks, the challenges of comparing models with varying compute budgets, and architectural advantages such as zero-shot adaptive exits and natural speculative decoding. The complete show notes for this episode can be found at https://twimlai.com/go/723.

Imagine while Reasoning in Space: Multimodal Visualization-of-Thought with Chengzu Li - #722
Today, we're joined by Chengzu Li, PhD student at the University of Cambridge to discuss his recent paper, “Imagine while Reasoning in Space: Multimodal Visualization-of-Thought.” We explore the motivations behind MVoT, its connection to prior work like TopViewRS, and its relation to cognitive science principles such as dual coding theory. We dig into the MVoT framework along with its various task environments—maze, mini-behavior, and frozen lake. We explore token discrepancy loss, a technique designed to align language and visual embeddings, ensuring accurate and meaningful visual representations. Additionally, we cover the data collection and training process, reasoning over relative spatial relations between different entities, and dynamic spatial reasoning. Lastly, Chengzu shares insights from experiments with MVoT, focusing on the lessons learned and the potential for applying these models in real-world scenarios like robotics and architectural design. The complete show notes for this episode can be found at https://twimlai.com/go/722.

Inside s1: An o1-Style Reasoning Model That Cost Under $50 to Train with Niklas Muennighoff - #721
Today, we're joined by Niklas Muennighoff, a PhD student at Stanford University, to discuss his paper, “S1: Simple Test-Time Scaling.” We explore the motivations behind S1, as well as how it compares to OpenAI's O1 and DeepSeek's R1 models. We dig into the different approaches to test-time scaling, including parallel and sequential scaling, as well as S1’s data curation process, its training recipe, and its use of model distillation from Google Gemini and DeepSeek R1. We explore the novel "budget forcing" technique developed in the paper, allowing it to think longer for harder problems and optimize test-time compute for better performance. Additionally, we cover the evaluation benchmarks used, the comparison between supervised fine-tuning and reinforcement learning, and similar projects like the Hugging Face Open R1 project. Finally, we discuss the open-sourcing of S1 and its future directions. The complete show notes for this episode can be found at https://twimlai.com/go/721.

Accelerating AI Training and Inference with AWS Trainium2 with Ron Diamant - #720
Today, we're joined by Ron Diamant, chief architect for Trainium at Amazon Web Services, to discuss hardware acceleration for generative AI and the design and role of the recently released Trainium2 chip. We explore the architectural differences between Trainium and GPUs, highlighting its systolic array-based compute design, and how it balances performance across key dimensions like compute, memory bandwidth, memory capacity, and network bandwidth. We also discuss the Trainium tooling ecosystem including the Neuron SDK, Neuron Compiler, and Neuron Kernel Interface (NKI). We also dig into the various ways Trainum2 is offered, including Trn2 instances, UltraServers, and UltraClusters, and access through managed services like AWS Bedrock. Finally, we cover sparsity optimizations, customer adoption, performance benchmarks, support for Mixture of Experts (MoE) models, and what’s next for Trainium. The complete show notes for this episode can be found at https://twimlai.com/go/720.

π0: A Foundation Model for Robotics with Sergey Levine - #719
Today, we're joined by Sergey Levine, associate professor at UC Berkeley and co-founder of Physical Intelligence, to discuss π0 (pi-zero), a general-purpose robotic foundation model. We dig into the model architecture, which pairs a vision language model (VLM) with a diffusion-based action expert, and the model training "recipe," emphasizing the roles of pre-training and post-training with a diverse mixture of real-world data to ensure robust and intelligent robot learning. We review the data collection approach, which uses human operators and teleoperation rigs, the potential of synthetic data and reinforcement learning in enhancing robotic capabilities, and much more. We also introduce the team’s new FAST tokenizer, which opens the door to a fully Transformer-based model and significant improvements in learning and generalization. Finally, we cover the open-sourcing of π0 and future directions for their research. The complete show notes for this episode can be found at https://twimlai.com/go/719.

AI Trends 2025: AI Agents and Multi-Agent Systems with Victor Dibia - #718
Today we’re joined by Victor Dibia, principal research software engineer at Microsoft Research, to explore the key trends and advancements in AI agents and multi-agent systems shaping 2025 and beyond. In this episode, we discuss the unique abilities that set AI agents apart from traditional software systems–reasoning, acting, communicating, and adapting. We also examine the rise of agentic foundation models, the emergence of interface agents like Claude with Computer Use and OpenAI Operator, the shift from simple task chains to complex workflows, and the growing range of enterprise use cases. Victor shares insights into emerging design patterns for autonomous multi-agent systems, including graph and message-driven architectures, the advantages of the “actor model” pattern as implemented in Microsoft’s AutoGen, and guidance on how users should approach the ”build vs. buy” decision when working with AI agent frameworks. We also address the challenges of evaluating end-to-end agent performance, the complexities of benchmarking agentic systems, and the implications of our reliance on LLMs as judges. Finally, we look ahead to the future of AI agents in 2025 and beyond, discuss emerging HCI challenges, their potential for impact on the workforce, and how they are poised to reshape fields like software engineering. The complete show notes for this episode can be found at https://twimlai.com/go/718.

Speculative Decoding and Efficient LLM Inference with Chris Lott - #717
Today, we're joined by Chris Lott, senior director of engineering at Qualcomm AI Research to discuss accelerating large language model inference. We explore the challenges presented by the LLM encoding and decoding (aka generation) and how these interact with various hardware constraints such as FLOPS, memory footprint and memory bandwidth to limit key inference metrics such as time-to-first-token, tokens per second, and tokens per joule. We then dig into a variety of techniques that can be used to accelerate inference such as KV compression, quantization, pruning, speculative decoding, and leveraging small language models (SLMs). We also discuss future directions for enabling on-device agentic experiences such as parallel generation and software tools like Qualcomm AI Orchestrator. The complete show notes for this episode can be found at https://twimlai.com/go/717.

Ensuring Privacy for Any LLM with Patricia Thaine - #716
Today, we're joined by Patricia Thaine, co-founder and CEO of Private AI to discuss techniques for ensuring privacy, data minimization, and compliance when using 3rd-party large language models (LLMs) and other AI services. We explore the risks of data leakage from LLMs and embeddings, the complexities of identifying and redacting personal information across various data flows, and the approach Private AI has taken to mitigate these risks. We also dig into the challenges of entity recognition in multimodal systems including OCR files, documents, images, and audio, and the importance of data quality and model accuracy. Additionally, Patricia shares insights on the limitations of data anonymization, the benefits of balancing real-world and synthetic data in model training and development, and the relationship between privacy and bias in AI. Finally, we touch on the evolving landscape of AI regulations like GDPR, CPRA, and the EU AI Act, and the future of privacy in artificial intelligence. The complete show notes for this episode can be found at https://twimlai.com/go/716.

AI Engineering Pitfalls with Chip Huyen - #715
Today, we're joined by Chip Huyen, independent researcher and writer to discuss her new book, “AI Engineering.” We dig into the definition of AI engineering, its key differences from traditional machine learning engineering, the common pitfalls encountered in engineering AI systems, and strategies to overcome them. We also explore how Chip defines AI agents, their current limitations and capabilities, and the critical role of effective planning and tool utilization in these systems. Additionally, Chip shares insights on the importance of evaluation in AI systems, highlighting the need for systematic processes, human oversight, and rigorous metrics and benchmarks. Finally, we touch on the impact of open-source models, the potential of synthetic data, and Chip’s predictions for the year ahead. The complete show notes for this episode can be found at https://twimlai.com/go/715.

Evolving MLOps Platforms for Generative AI and Agents with Abhijit Bose - #714
Today, we're joined by Abhijit Bose, head of enterprise AI and ML platforms at Capital One to discuss the evolution of the company’s Generative AI platform. In this episode, we dig into the company’s platform-centric approach to AI, and how they’ve been evolving their existing MLOps and data platforms to support the new challenges and opportunities presented by generative AI workloads and AI agents. We explore their use of cloud-based infrastructure—in this case on AWS—to provide a foundation upon which they then layer open-source and proprietary services and tools. We cover their use of Llama 3 and open-weight models, their approach to fine-tuning, their observability tooling for Gen AI applications, their use of inference optimization techniques like quantization, and more. Finally, Abhijit shares the future of agentic workflows in the enterprise, the application of OpenAI o1-style reasoning in models, and the new roles and skillsets required in the evolving GenAI landscape. The complete show notes for this episode can be found at https://twimlai.com/go/714.

Why Agents Are Stupid & What We Can Do About It with Dan Jeffries - #713
Today, we're joined by Dan Jeffries, founder and CEO of Kentauros AI to discuss the challenges currently faced by those developing advanced AI agents. We dig into how Dan defines agents and distinguishes them from other similar uses of LLM, explore various use cases for them, and dig into ways to create smarter agentic systems. Dan shared his “big brain, little brain, tool brain” approach to tackling real-world challenges in agents, the trade-offs in leveraging general-purpose vs. task-specific models, and his take on LLM reasoning. We also cover the way he thinks about model selection for agents, along with the need for new tools and platforms for deploying them. Finally, Dan emphasizes the importance of open source in advancing AI, shares the new products they’re working on, and explores the future directions in the agentic era. The complete show notes for this episode can be found at https://twimlai.com/go/713.

Automated Reasoning to Prevent LLM Hallucination with Byron Cook - #712
Today, we're joined by Byron Cook, VP and distinguished scientist in the Automated Reasoning Group at AWS to dig into the underlying technology behind the newly announced Automated Reasoning Checks feature of Amazon Bedrock Guardrails. Automated Reasoning Checks uses mathematical proofs to help LLM users safeguard against hallucinations. We explore recent advancements in the field of automated reasoning, as well as some of the ways it is applied broadly, as well as across AWS, where it is used to enhance security, cryptography, virtualization, and more. We discuss how the new feature helps users to generate, refine, validate, and formalize policies, and how those policies can be deployed alongside LLM applications to ensure the accuracy of generated text. Finally, Byron also shares the benchmarks they’ve applied, the use of techniques like ‘constrained coding’ and ‘backtracking,’ and the future co-evolution of automated reasoning and generative AI. The complete show notes for this episode can be found at https://twimlai.com/go/712.

AI at the Edge: Qualcomm AI Research at NeurIPS 2024 with Arash Behboodi - #711
Today, we're joined by Arash Behboodi, director of engineering at Qualcomm AI Research to discuss the papers and workshops Qualcomm will be presenting at this year’s NeurIPS conference. We dig into the challenges and opportunities presented by differentiable simulation in wireless systems, the sciences, and beyond. We also explore recent work that ties conformal prediction to information theory, yielding a novel approach to incorporating uncertainty quantification directly into machine learning models. Finally, we review several papers enabling the efficient use of LoRA (Low-Rank Adaptation) on mobile devices (Hollowed Net, ShiRA, FouRA). Arash also previews the demos Qualcomm will be hosting at NeurIPS, including new video editing diffusion and 3D content generation models running on-device, Qualcomm's AI Hub, and more! The complete show notes for this episode can be found at https://twimlai.com/go/711.

AI for Network Management with Shirley Wu - #710
Today, we're joined by Shirley Wu, senior director of software engineering at Juniper Networks to discuss how machine learning and artificial intelligence are transforming network management. We explore various use cases where AI and ML are applied to enhance the quality, performance, and efficiency of networks across Juniper’s customers, including diagnosing cable degradation, proactive monitoring for coverage gaps, and real-time fault detection. We also dig into the complexities of integrating data science into networking, the trade-offs between traditional methods and ML-based solutions, the role of feature engineering and data in networking, the applicability of large language models, and Juniper’s approach to using smaller, specialized ML models to optimize speed, latency, and cost. Finally, Shirley shares some future directions for Juniper Mist such as proactive network testing and end-user self-service. The complete show notes for this episode can be found at https://twimlai.com/go/710.

Why Your RAG System Is Broken, and How to Fix It with Jason Liu - #709
Today, we're joined by Jason Liu, freelance AI consultant, advisor, and creator of the Instructor library to discuss all things retrieval-augmented generation (RAG). We dig into the tactical and strategic challenges companies face with their RAG system, the different signs Jason looks for to identify looming problems, the issues he most commonly encounters, and the steps he takes to diagnose these issues. We also cover the significance of building out robust test datasets, data-driven experimentation, evaluation tools, and metrics for different use cases. We also touched on fine-tuning strategies for RAG systems, the effectiveness of different chunking strategies, the use of collaboration tools like Braintrust, and how future models will change the game. Lastly, we cover Jason’s interest in teaching others how to capitalize on their own AI experience via his AI consulting course. The complete show notes for this episode can be found at https://twimlai.com/go/709.

An Agentic Mixture of Experts for DevOps with Sunil Mallya - #708
Today we're joined by Sunil Mallya, CTO and co-founder of Flip AI. We discuss Flip’s incident debugging system for DevOps, which was built using a custom mixture of experts (MoE) large language model (LLM) trained on a novel "CoMELT" observability dataset which combines traditional MELT data—metrics, events, logs, and traces—with code to efficiently identify root failure causes in complex software systems. We discuss the challenges of integrating time-series data with LLMs and their multi-decoder architecture designed for this purpose. Sunil describes their system's agent-based design, focusing on clear roles and boundaries to ensure reliability. We examine their "chaos gym," a reinforcement learning environment used for testing and improving the system's robustness. Finally, we discuss the practical considerations of deploying such a system at scale in diverse environments and much more. The complete show notes for this episode can be found at https://twimlai.com/go/708.

Building AI Voice Agents with Scott Stephenson - #707
Today, we're joined by Scott Stephenson, co-founder and CEO of Deepgram to discuss voice AI agents. We explore the importance of perception, understanding, and interaction and how these key components work together in building intelligent AI voice agents. We discuss the role of multimodal LLMs as well as speech-to-text and text-to-speech models in building AI voice agents, and dig into the benefits and limitations of text-based approaches to voice interactions. We dig into what’s required to deliver real-time voice interactions and the promise of closed-loop, continuously improving, federated learning agents. Finally, Scott shares practical applications of AI voice agents at Deepgram and provides an overview of their newly released agent toolkit. The complete show notes for this episode can be found at https://twimlai.com/go/707.

Is Artificial Superintelligence Imminent? with Tim Rocktäschel - #706
Today, we're joined by Tim Rocktäschel, senior staff research scientist at Google DeepMind, professor of Artificial Intelligence at University College London, and author of the recently published popular science book, “Artificial Intelligence: 10 Things You Should Know.” We dig into the attainability of artificial superintelligence and the path to achieving generalized superhuman capabilities across multiple domains. We discuss the importance of open-endedness in developing autonomous and self-improving systems, as well as the role of evolutionary approaches and algorithms. Additionally, we cover Tim’s recent research projects such as “Promptbreeder,” “Debating with More Persuasive LLMs Leads to More Truthful Answers,” and more. The complete show notes for this episode can be found at https://twimlai.com/go/706.

ML Models for Safety-Critical Systems with Lucas García - #705
Today, we're joined by Lucas García, principal product manager for deep learning at MathWorks to discuss incorporating ML models into safety-critical systems. We begin by exploring the critical role of verification and validation (V&V) in these applications. We review the popular V-model for engineering critical systems and then dig into the “W” adaptation that’s been proposed for incorporating ML models. Next, we discuss the complexities of applying deep learning neural networks in safety-critical applications using the aviation industry as an example, and talk through the importance of factors such as data quality, model stability, robustness, interpretability, and accuracy. We also explore formal verification methods, abstract transformer layers, transformer-based architectures, and the application of various software testing techniques. Lucas also introduces the field of constrained deep learning and convex neural networks and its benefits and trade-offs. The complete show notes for this episode can be found at https://twimlai.com/go/705.

AI Agents: Substance or Snake Oil with Arvind Narayanan - #704
Today, we're joined by Arvind Narayanan, professor of Computer Science at Princeton University to discuss his recent works, AI Agents That Matter and AI Snake Oil. In “AI Agents That Matter”, we explore the range of agentic behaviors, the challenges in benchmarking agents, and the ‘capability and reliability gap’, which creates risks when deploying AI agents in real-world applications. We also discuss the importance of verifiers as a technique for safeguarding agent behavior. We then dig into the AI Snake Oil book, which uncovers examples of problematic and overhyped claims in AI. Arvind shares various use cases of failed applications of AI, outlines a taxonomy of AI risks, and shares his insights on AI’s catastrophic risks. Additionally, we also touched on different approaches to LLM-based reasoning, his views on tech policy and regulation, and his work on CORE-Bench, a benchmark designed to measure AI agents' accuracy in computational reproducibility tasks. The complete show notes for this episode can be found at https://twimlai.com/go/704.

AI Agents for Data Analysis with Shreya Shankar - #703
Today, we're joined by Shreya Shankar, a PhD student at UC Berkeley to discuss DocETL, a declarative system for building and optimizing LLM-powered data processing pipelines for large-scale and complex document analysis tasks. We explore how DocETL's optimizer architecture works, the intricacies of building agentic systems for data processing, the current landscape of benchmarks for data processing tasks, how these differ from reasoning-based benchmarks, and the need for robust evaluation methods for human-in-the-loop LLM workflows. Additionally, Shreya shares real-world applications of DocETL, the importance of effective validation prompts, and building robust and fault-tolerant agentic systems. Lastly, we cover the need for benchmarks tailored to LLM-powered data processing tasks and the future directions for DocETL. The complete show notes for this episode can be found at https://twimlai.com/go/703.

Stealing Part of a Production Language Model with Nicholas Carlini - #702
Today, we're joined by Nicholas Carlini, research scientist at Google DeepMind to discuss adversarial machine learning and model security, focusing on his 2024 ICML best paper winner, “Stealing part of a production language model.” We dig into this work, which demonstrated the ability to successfully steal the last layer of production language models including ChatGPT and PaLM-2. Nicholas shares the current landscape of AI security research in the age of LLMs, the implications of model stealing, ethical concerns surrounding model privacy, how the attack works, and the significance of the embedding layer in language models. We also discuss the remediation strategies implemented by OpenAI and Google, and the future directions in the field of AI security. Plus, we also cover his other ICML 2024 best paper, “Position: Considerations for Differentially Private Learning with Large-Scale Public Pretraining,” which questions the use and promotion of differential privacy in conjunction with pre-trained models. The complete show notes for this episode can be found at https://twimlai.com/go/702.

Supercharging Developer Productivity with ChatGPT and Claude with Simon Willison - #701
Today, we're joined by Simon Willison, independent researcher and creator of Datasette to discuss the many ways software developers and engineers can take advantage of large language models (LLMs) to boost their productivity. We dig into Simon’s own workflows and how he uses popular models like ChatGPT and Anthropic’s Claude to write and test hundreds of lines of code while out walking his dog. We review Simon’s favorite prompting and debugging techniques, his strategies for sidestepping the limitations of contemporary models, how he uses Claude’s Artifacts feature for rapid prototyping, his thoughts on the use and impact of vision models, the role he sees for open source models and local LLMs, and much more. The complete show notes for this episode can be found at https://twimlai.com/go/701.

Automated Design of Agentic Systems with Shengran Hu - #700
Today, we're joined by Shengran Hu, a PhD student at the University of British Columbia, to discuss Automated Design of Agentic Systems (ADAS), an approach focused on automatically creating agentic system designs. We explore the spectrum of agentic behaviors, the motivation for learning all aspects of agentic system design, the key components of the ADAS approach, and how it uses LLMs to design novel agent architectures in code. We also cover the iterative process of ADAS, its potential to shed light on the behavior of foundation models, the higher-level meta-behaviors that emerge in agentic systems, and how ADAS uncovers novel design patterns through emergent behaviors, particularly in complex tasks like the ARC challenge. Finally, we touch on the practical applications of ADAS and its potential use in system optimization for real-world tasks. The complete show notes for this episode can be found at https://twimlai.com/go/700.

The EU AI Act and Mitigating Bias in Automated Decisioning with Peter van der Putten - #699
Today, we're joined by Peter van der Putten, director of the AI Lab at Pega and assistant professor of AI at Leiden University. We discuss the newly adopted European AI Act and the challenges of applying academic fairness metrics in real-world AI applications. We dig into the key ethical principles behind the Act, its broad definition of AI, and how it categorizes various AI risks. We also discuss the practical challenges of implementing fairness and bias metrics in real-world scenarios, and the importance of a risk-based approach in regulating AI systems. Finally, we cover how the EU AI Act might influence global practices, similar to the GDPR's effect on data privacy, and explore strategies for closing bias gaps in real-world automated decision-making. The complete show notes for this episode can be found at https://twimlai.com/go/699.

The Building Blocks of Agentic Systems with Harrison Chase - #698
Today, we're joined by Harrison Chase, co-founder and CEO of LangChain to discuss LLM frameworks, agentic systems, RAG, evaluation, and more. We dig into the elements of a modern LLM framework, including the most productive developer experiences and appropriate levels of abstraction. We dive into agents and agentic systems as well, covering the “spectrum of agenticness,” cognitive architectures, and real-world applications. We explore key challenges in deploying agentic systems, and the importance of agentic architectures as a means of communication in system design and operation. Additionally, we review evolving use cases for RAG, and the role of observability, testing, and evaluation tools in moving LLM applications from prototype to production. Lastly, Harrison shares his hot takes on prompting, multi-modal models, and more! The complete show notes for this episode can be found at https://twimlai.com/go/698.

Simplifying On-Device AI for Developers with Siddhika Nevrekar - #697
Today, we're joined by Siddhika Nevrekar, AI Hub head at Qualcomm Technologies, to discuss on-device AI and how to make it easier for developers to take advantage of device capabilities. We unpack the motivations for AI engineers to move model inference from the cloud to local devices, and explore the challenges associated with on-device AI. We dig into the role of hardware solutions, from powerful system-on-chips (SoC) to neural processors, the importance of collaboration between community runtimes like ONNX and TFLite and chip manufacturers, the unique challenges of IoT and autonomous vehicles, and the key metrics developers should focus on to ensure optimal on-device performance. Finally, Siddhika introduces Qualcomm's AI Hub, a platform developed to simplify the process of testing and optimizing AI models across different devices. The complete show notes for this episode can be found at https://twimlai.com/go/697.

Genie: Generative Interactive Environments with Ashley Edwards - #696
Today, we're joined by Ashley Edwards, a member of technical staff at Runway, to discuss Genie: Generative Interactive Environments, a system for creating ‘playable’ video environments for training deep reinforcement learning (RL) agents at scale in a completely unsupervised manner. We explore the motivations behind Genie, the challenges of data acquisition for RL, and Genie’s capability to learn world models from videos without explicit action data, enabling seamless interaction and frame prediction. Ashley walks us through Genie’s core components—the latent action model, video tokenizer, and dynamics model—and explains how these elements collaborate to predict future frames in video sequences. We discuss the model architecture, training strategies, benchmarks used, as well as the application of spatiotemporal transformers and the MaskGIT techniques used for efficient token prediction and representation. Finally, we touched on Genie’s practical implications, its comparison to other video generation models like “Sora,” and potential future directions in video generation and diffusion models. The complete show notes for this episode can be found at https://twimlai.com/go/696.

Bridging the Sim2real Gap in Robotics with Marius Memmel - #695
Today, we're joined by Marius Memmel, a PhD student at the University of Washington, to discuss his research on sim-to-real transfer approaches for developing autonomous robotic agents in unstructured environments. Our conversation focuses on his recent ASID and URDFormer papers. We explore the complexities presented by real-world settings like a cluttered kitchen, data acquisition challenges for training robust models, the importance of simulation, and the challenge of bridging the sim2real gap in robotics. Marius introduces ASID, a framework designed to enable robots to autonomously generate and refine simulation models to improve sim-to-real transfer. We discuss the role of Fisher information as a metric for trajectory sensitivity to physical parameters and the importance of exploration and exploitation phases in robot learning. Additionally, we cover URDFormer, a transformer-based model that generates URDF documents for scene and object reconstruction to create realistic simulation environments. The complete show notes for this episode can be found at https://twimlai.com/go/695.

Building Real-World LLM Products with Fine-Tuning and More with Hamel Husain - #694
Today, we're joined by Hamel Husain, founder of Parlance Labs, to discuss the ins and outs of building real-world products using large language models (LLMs). We kick things off discussing novel applications of LLMs and how to think about modern AI user experiences. We then dig into the key challenge faced by LLM developers—how to iterate from a snazzy demo or proof-of-concept to a working LLM-based application. We discuss the pros, cons, and role of fine-tuning LLMs and dig into when to use this technique. We cover the fine-tuning process, common pitfalls in evaluation—such as relying too heavily on generic tools and missing the nuances of specific use cases, open-source LLM fine-tuning tools like Axolotl, the use of LoRA adapters, and more. Hamel also shares insights on model optimization and inference frameworks and how developers should approach these tools. Finally, we dig into how to use systematic evaluation techniques to guide the improvement of your LLM application, the importance of data generation and curation, and the parallels to traditional software engineering practices. The complete show notes for this episode can be found at https://twimlai.com/go/694.

Mamba, Mamba-2 and Post-Transformer Architectures for Generative AI with Albert Gu - #693
Today, we're joined by Albert Gu, assistant professor at Carnegie Mellon University, to discuss his research on post-transformer architectures for multi-modal foundation models, with a focus on state-space models in general and Albert’s recent Mamba and Mamba-2 papers in particular. We dig into the efficiency of the attention mechanism and its limitations in handling high-resolution perceptual modalities, and the strengths and weaknesses of transformer architectures relative to alternatives for various tasks. We dig into the role of tokenization and patching in transformer pipelines, emphasizing how abstraction and semantic relationships between tokens underpin the model's effectiveness, and explore how this relates to the debate between handcrafted pipelines versus end-to-end architectures in machine learning. Additionally, we touch on the evolving landscape of hybrid models which incorporate elements of attention and state, the significance of state update mechanisms in model adaptability and learning efficiency, and the contribution and adoption of state-space models like Mamba and Mamba-2 in academia and industry. Lastly, Albert shares his vision for advancing foundation models across diverse modalities and applications. The complete show notes for this episode can be found at https://twimlai.com/go/693.

Decoding Animal Behavior to Train Robots with EgoPet with Amir Bar - #692
Today, we're joined by Amir Bar, a PhD candidate at Tel Aviv University and UC Berkeley to discuss his research on visual-based learning, including his recent paper, “EgoPet: Egomotion and Interaction Data from an Animal’s Perspective.” Amir shares his research projects focused on self-supervised object detection and analogy reasoning for general computer vision tasks. We also discuss the current limitations of caption-based datasets in model training, the ‘learning problem’ in robotics, and the gap between the capabilities of animals and AI systems. Amir introduces ‘EgoPet,’ a dataset and benchmark tasks which allow motion and interaction data from an animal's perspective to be incorporated into machine learning models for robotic planning and proprioception. We explore the dataset collection process, comparisons with existing datasets and benchmark tasks, the findings on the model performance trained on EgoPet, and the potential of directly training robot policies that mimic animal behavior. The complete show notes for this episode can be found at https://twimlai.com/go/692.

How Microsoft Scales Testing and Safety for Generative AI with Sarah Bird - #691
Today, we're joined by Sarah Bird, chief product officer of responsible AI at Microsoft. We discuss the testing and evaluation techniques Microsoft applies to ensure safe deployment and use of generative AI, large language models, and image generation. In our conversation, we explore the unique risks and challenges presented by generative AI, the balance between fairness and security concerns, the application of adaptive and layered defense strategies for rapid response to unforeseen AI behaviors, the importance of automated AI safety testing and evaluation alongside human judgment, and the implementation of red teaming and governance. Sarah also shares learnings from Microsoft's ‘Tay’ and ‘Bing Chat’ incidents along with her thoughts on the rapidly evolving GenAI landscape. The complete show notes for this episode can be found at https://twimlai.com/go/691.

Long Context Language Models and their Biological Applications with Eric Nguyen - #690
Today, we're joined by Eric Nguyen, PhD student at Stanford University. In our conversation, we explore his research on long context foundation models and their application to biology particularly Hyena, and its evolution into Hyena DNA and Evo models. We discuss Hyena, a convolutional-based language model developed to tackle the challenges posed by long context lengths in language modeling. We dig into the limitations of transformers in dealing with longer sequences, the motivation for using convolutional models over transformers, its model training and architecture, the role of FFT in computational optimizations, and model explainability in long-sequence convolutions. We also talked about Hyena DNA, a genomic foundation model pre-trained on 1 million tokens, designed to capture long-range dependencies in DNA sequences. Finally, Eric introduces Evo, a 7 billion parameter hybrid model integrating attention layers with Hyena DNA's convolutional framework. We cover generating and designing DNA with language models, hallucinations in DNA models, evaluation benchmarks, the trade-offs between state-of-the-art models, zero-shot versus a few-shot performance, and the exciting potential in areas like CRISPR-Cas gene editing. The complete show notes for this episode can be found at https://twimlai.com/go/690.

Accelerating Sustainability with AI with Andres Ravinet - #689
Today, we're joined by Andres Ravinet, sustainability global black belt at Microsoft, to discuss the role of AI in sustainability. We explore real-world use cases where AI-driven solutions are leveraged to help tackle environmental and societal challenges, from early warning systems for extreme weather events to reducing food waste along the supply chain to conserving the Amazon rainforest. We cover the major threats that sustainability aims to address, the complexities in standardized sustainability compliance reporting, and the factors driving businesses to take a step toward sustainable practices. Lastly, Andres addresses the ways LLMs and generative AI can be applied towards the challenges of sustainability. The complete show notes for this episode can be found at https://twimlai.com/go/689.

Gen AI at the Edge: Qualcomm AI Research at CVPR 2024 with Fatih Porikli - #688
Today we’re joined by Fatih Porikli, senior director of technology at Qualcomm AI Research. In our conversation, we covered several of the Qualcomm team’s 16 accepted main track and workshop papers at this year’s CVPR conference. The papers span a variety of generative AI and traditional computer vision topics, with an emphasis on increased training and inference efficiency for mobile and edge deployment. We explore efficient diffusion models for text-to-image generation, grounded reasoning in videos using language models, real-time on-device 360° image generation for video portrait relighting, unique video-language model for situated interactions like fitness coaching, and visual reasoning model and benchmark for interpreting complex mathematical plots, and more! We also touched on several of the demos the team will be presenting at the conference, including multi-modal vision-language models (LLaVA) and parameter-efficient fine tuning (LoRA) on mobile phones. The complete show notes for this episode can be found at https://twimlai.com/go/688.

Energy Star Ratings for AI Models with Sasha Luccioni - #687
Today, we're joined by Sasha Luccioni, AI and Climate lead at Hugging Face, to discuss the environmental impact of AI models. We dig into her recent research into the relative energy consumption of general purpose pre-trained models vs. task-specific, non-generative models for common AI tasks. We discuss the implications of the significant difference in efficiency and power consumption between the two types of models. Finally, we explore the complexities of energy efficiency and performance benchmarking, and talk through Sasha’s recent initiative, Energy Star Ratings for AI Models, a rating system designed to help AI users select and deploy models based on their energy efficiency. The complete show notes for this episode can be found at http://twimlai.com/go/687.

Language Understanding and LLMs with Christopher Manning - #686
Today, we're joined by Christopher Manning, the Thomas M. Siebel professor in Machine Learning at Stanford University and a recent recipient of the 2024 IEEE John von Neumann medal. In our conversation with Chris, we discuss his contributions to foundational research areas in NLP, including word embeddings and attention. We explore his perspectives on the intersection of linguistics and large language models, their ability to learn human language structures, and their potential to teach us about human language acquisition. We also dig into the concept of “intelligence” in language models, as well as the reasoning capabilities of LLMs. Finally, Chris shares his current research interests, alternative architectures he anticipates emerging beyond the LLM, and opportunities ahead in AI research. The complete show notes for this episode can be found at https://twimlai.com/go/686.

Chronos: Learning the Language of Time Series with Abdul Fatir Ansari - #685
Today we're joined by Abdul Fatir Ansari, a machine learning scientist at AWS AI Labs in Berlin, to discuss his paper, "Chronos: Learning the Language of Time Series." Fatir explains the challenges of leveraging pre-trained language models for time series forecasting. We explore the advantages of Chronos over statistical models, as well as its promising results in zero-shot forecasting benchmarks. Finally, we address critiques of Chronos, the ongoing research to improve synthetic data quality, and the potential for integrating Chronos into production systems. The complete show notes for this episode can be found at twimlai.com/go/685.

Powering AI with the World's Largest Computer Chip with Joel Hestness - #684
Today we're joined by Joel Hestness, principal research scientist and lead of the core machine learning team at Cerebras. We discuss Cerebras’ custom silicon for machine learning, Wafer Scale Engine 3, and how the latest version of the company’s single-chip platform for ML has evolved to support large language models. Joel shares how WSE3 differs from other AI hardware solutions, such as GPUs, TPUs, and AWS’ Inferentia, and talks through the homogenous design of the WSE chip and its memory architecture. We discuss software support for the platform, including support by open source ML frameworks like Pytorch, and support for different types of transformer-based models. Finally, Joel shares some of the research his team is pursuing to take advantage of the hardware's unique characteristics, including weight-sparse training, optimizers that leverage higher-order statistics, and more. The complete show notes for this episode can be found at twimlai.com/go/684.

AI for Power & Energy with Laurent Boinot - #683
Today we're joined by Laurent Boinot, power and utilities lead for the Americas at Microsoft, to discuss the intersection of AI and energy infrastructure. We discuss the many challenges faced by current power systems in North America and the role AI is beginning to play in driving efficiencies in areas like demand forecasting and grid optimization. Laurent shares a variety of examples along the way, including some of the ways utility companies are using AI to ensure secure systems, interact with customers, navigate internal knowledge bases, and design electrical transmission systems. We also discuss the future of nuclear power, and why electric vehicles might play a critical role in American energy management. The complete show notes for this episode can be found at twimlai.com/go/683.

Controlling Fusion Reactor Instability with Deep Reinforcement Learning with Aza Jalalvand - #682
Today we're joined by Azarakhsh (Aza) Jalalvand, a research scholar at Princeton University, to discuss his work using deep reinforcement learning to control plasma instabilities in nuclear fusion reactors. Aza explains his team developed a model to detect and avoid a fatal plasma instability called ‘tearing mode’. Aza walks us through the process of collecting and pre-processing the complex diagnostic data from fusion experiments, training the models, and deploying the controller algorithm on the DIII-D fusion research reactor. He shares insights from developing the controller and discusses the future challenges and opportunities for AI in enabling stable and efficient fusion energy production. The complete show notes for this episode can be found at twimlai.com/go/682.

GraphRAG: Knowledge Graphs for AI Applications with Kirk Marple - #681
Today we're joined by Kirk Marple, CEO and founder of Graphlit, to explore the emerging paradigm of "GraphRAG," or Graph Retrieval Augmented Generation. In our conversation, Kirk digs into the GraphRAG architecture and how Graphlit uses it to offer a multi-stage workflow for ingesting, processing, retrieving, and generating content using LLMs (like GPT-4) and other Generative AI tech. He shares how the system performs entity extraction to build a knowledge graph and how graph, vector, and object storage are integrated in the system. We dive into how the system uses “prompt compilation” to improve the results it gets from Large Language Models during generation. We conclude by discussing several use cases the approach supports, as well as future agent-based applications it enables. The complete show notes for this episode can be found at twimlai.com/go/681.

Teaching Large Language Models to Reason with Reinforcement Learning with Alex Havrilla - #680
Today we're joined by Alex Havrilla, a PhD student at Georgia Tech, to discuss "Teaching Large Language Models to Reason with Reinforcement Learning." Alex discusses the role of creativity and exploration in problem solving and explores the opportunities presented by applying reinforcement learning algorithms to the challenge of improving reasoning in large language models. Alex also shares his research on the effect of noise on language model training, highlighting the robustness of LLM architecture. Finally, we delve into the future of RL, and the potential of combining language models with traditional methods to achieve more robust AI reasoning. The complete show notes for this episode can be found at twimlai.com/go/680.

Localizing and Editing Knowledge in LLMs with Peter Hase - #679
Today we're joined by Peter Hase, a fifth-year PhD student at the University of North Carolina NLP lab. We discuss "scalable oversight", and the importance of developing a deeper understanding of how large neural networks make decisions. We learn how matrices are probed by interpretability researchers, and explore the two schools of thought regarding how LLMs store knowledge. Finally, we discuss the importance of deleting sensitive information from model weights, and how "easy-to-hard generalization" could increase the risk of releasing open-source foundation models. The complete show notes for this episode can be found at twimlai.com/go/679.

Coercing LLMs to Do and Reveal (Almost) Anything with Jonas Geiping - #678
Today we're joined by Jonas Geiping, a research group leader at the ELLIS Institute, to explore his paper: "Coercing LLMs to Do and Reveal (Almost) Anything". Jonas explains how neural networks can be exploited, highlighting the risk of deploying LLM agents that interact with the real world. We discuss the role of open models in enabling security research, the challenges of optimizing over certain constraints, and the ongoing difficulties in achieving robustness in neural networks. Finally, we delve into the future of AI security, and the need for a better approach to mitigate the risks posed by optimized adversarial attacks. The complete show notes for this episode can be found at twimlai.com/go/678.

V-JEPA, AI Reasoning from a Non-Generative Architecture with Mido Assran - #677
Today we’re joined by Mido Assran, a research scientist at Meta’s Fundamental AI Research (FAIR). In this conversation, we discuss V-JEPA, a new model being billed as “the next step in Yann LeCun's vision” for true artificial reasoning. V-JEPA, the video version of Meta’s Joint Embedding Predictive Architecture, aims to bridge the gap between human and machine intelligence by training models to learn abstract concepts in a more efficient predictive manner than generative models. V-JEPA uses a novel self-supervised training approach that allows it to learn from unlabeled video data without being distracted by pixel-level detail. Mido walks us through the process of developing the architecture and explains why it has the potential to revolutionize AI. The complete show notes for this episode can be found at twimlai.com/go/677.

Video as a Universal Interface for AI Reasoning with Sherry Yang - #676
Today we’re joined by Sherry Yang, senior research scientist at Google DeepMind and a PhD student at UC Berkeley. In this interview, we discuss her new paper, "Video as the New Language for Real-World Decision Making,” which explores how generative video models can play a role similar to language models as a way to solve tasks in the real world. Sherry draws the analogy between natural language as a unified representation of information and text prediction as a common task interface and demonstrates how video as a medium and generative video as a task exhibit similar properties. This formulation enables video generation models to play a variety of real-world roles as planners, agents, compute engines, and environment simulators. Finally, we explore UniSim, an interactive demo of Sherry's work and a preview of her vision for interacting with AI-generated environments. The complete show notes for this episode can be found at twimlai.com/go/676.

Assessing the Risks of Open AI Models with Sayash Kapoor - #675
Today we’re joined by Sayash Kapoor, a Ph.D. student in the Department of Computer Science at Princeton University. Sayash walks us through his paper: "On the Societal Impact of Open Foundation Models.” We dig into the controversy around AI safety, the risks and benefits of releasing open model weights, and how we can establish common ground for assessing the threats posed by AI. We discuss the application of the framework presented in the paper to specific risks, such as the biosecurity risk of open LLMs, as well as the growing problem of "Non Consensual Intimate Imagery" using open diffusion models. The complete show notes for this episode can be found at twimlai.com/go/675.

OLMo: Everything You Need to Train an Open Source LLM with Akshita Bhagia - #674
Today we’re joined by Akshita Bhagia, a senior research engineer at the Allen Institute for AI. Akshita joins us to discuss OLMo, a new open source language model with 7 billion and 1 billion variants, but with a key difference compared to similar models offered by Meta, Mistral, and others. Namely, the fact that AI2 has also published the dataset and key tools used to train the model. In our chat with Akshita, we dig into the OLMo models and the various projects falling under the OLMo umbrella, including Dolma, an open three-trillion-token corpus for language model pretraining, and Paloma, a benchmark and tooling for evaluating language model performance across a variety of domains. The complete show notes for this episode can be found at twimlai.com/go/674.

Training Data Locality and Chain-of-Thought Reasoning in LLMs with Ben Prystawski - #673
Today we’re joined by Ben Prystawski, a PhD student in the Department of Psychology at Stanford University working at the intersection of cognitive science and machine learning. Our conversation centers on Ben’s recent paper, “Why think step by step? Reasoning emerges from the locality of experience,” which he recently presented at NeurIPS 2023. In this conversation, we start out exploring basic questions about LLM reasoning, including whether it exists, how we can define it, and how techniques like chain-of-thought reasoning appear to strengthen it. We then dig into the details of Ben’s paper, which aims to understand why thinking step-by-step is effective and demonstrates that local structure is the key property of LLM training data that enables it. The complete show notes for this episode can be found at twimlai.com/go/673.

Reasoning Over Complex Documents with DocLLM with Armineh Nourbakhsh - #672
Today we're joined by Armineh Nourbakhsh of JP Morgan AI Research to discuss the development and capabilities of DocLLM, a layout-aware large language model for multimodal document understanding. Armineh provides a historical overview of the challenges of document AI and an introduction to the DocLLM model. Armineh explains how this model, distinct from both traditional LLMs and document AI models, incorporates both textual semantics and spatial layout in processing enterprise documents like reports and complex contracts. We dig into her team’s approach to training DocLLM, their choice of a generative model as opposed to an encoder-based approach, the datasets they used to build the model, their approach to incorporating layout information, and the various ways they evaluated the model’s performance. The complete show notes for this episode can be found at twimlai.com/go/672.

Are Emergent Behaviors in LLMs an Illusion? with Sanmi Koyejo - #671
Today we’re joined by Sanmi Koyejo, assistant professor at Stanford University, to continue our NeurIPS 2024 series. In our conversation, Sanmi discusses his two recent award-winning papers. First, we dive into his paper, “Are Emergent Abilities of Large Language Models a Mirage?”. We discuss the different ways LLMs are evaluated and the excitement surrounding their“emergent abilities” such as the ability to perform arithmetic Sanmi describes how evaluating model performance using nonlinear metrics can lead to the illusion that the model is rapidly gaining new capabilities, whereas linear metrics show smooth improvement as expected, casting doubt on the significance of emergence. We continue on to his next paper, “DecodingTrust: A Comprehensive Assessment of Trustworthiness in GPT Models,” discussing the methodology it describes for evaluating concerns such as the toxicity, privacy, fairness, and robustness of LLMs. The complete show notes for this episode can be found at twimlai.com/go/671.

AI Trends 2024: Reinforcement Learning in the Age of LLMs with Kamyar Azizzadenesheli - #670
Today we’re joined by Kamyar Azizzadenesheli, a staff researcher at Nvidia, to continue our AI Trends 2024 series. In our conversation, Kamyar updates us on the latest developments in reinforcement learning (RL), and how the RL community is taking advantage of the abstract reasoning abilities of large language models (LLMs). Kamyar shares his insights on how LLMs are pushing RL performance forward in a variety of applications, such as ALOHA, a robot that can learn to fold clothes, and Voyager, an RL agent that uses GPT-4 to outperform prior systems at playing Minecraft. We also explore the progress being made in assessing and addressing the risks of RL-based decision-making in domains such as finance, healthcare, and agriculture. Finally, we discuss the future of deep reinforcement learning, Kamyar’s top predictions for the field, and how greater compute capabilities will be critical in achieving general intelligence. The complete show notes for this episode can be found at twimlai.com/go/670.

Building and Deploying Real-World RAG Applications with Ram Sriharsha - #669
Today we’re joined by Ram Sriharsha, VP of engineering at Pinecone. In our conversation, we dive into the topic of vector databases and retrieval augmented generation (RAG). We explore the trade-offs between relying solely on LLMs for retrieval tasks versus combining retrieval in vector databases and LLMs, the advantages and complexities of RAG with vector databases, the key considerations for building and deploying real-world RAG-based applications, and an in-depth look at Pinecone's new serverless offering. Currently in public preview, Pinecone Serverless is a vector database that enables on-demand data loading, flexible scaling, and cost-effective query processing. Ram discusses how the serverless paradigm impacts the vector database’s core architecture, key features, and other considerations. Lastly, Ram shares his perspective on the future of vector databases in helping enterprises deliver RAG systems. The complete show notes for this episode can be found at twimlai.com/go/669.

Nightshade: Data Poisoning to Fight Generative AI with Ben Zhao - #668
Today we’re joined by Ben Zhao, a Neubauer professor of computer science at the University of Chicago. In our conversation, we explore his research at the intersection of security and generative AI. We focus on Ben’s recent Fawkes, Glaze, and Nightshade projects, which use “poisoning” approaches to provide users with security and protection against AI encroachments. The first tool we discuss, Fawkes, imperceptibly “cloaks” images in such a way that models perceive them as highly distorted, effectively shielding individuals from recognition by facial recognition models. We then dig into Glaze, a tool that employs machine learning algorithms to compute subtle alterations that are indiscernible to human eyes but adept at tricking the models into perceiving a significant shift in art style, giving artists a unique defense against style mimicry. Lastly, we cover Nightshade, a strategic defense tool for artists akin to a 'poison pill' which allows artists to apply imperceptible changes to their images that effectively “breaks” generative AI models that are trained on them. The complete show notes for this episode can be found at twimlai.com/go/668.

Learning Transformer Programs with Dan Friedman - #667
Today, we continue our NeurIPS series with Dan Friedman, a PhD student in the Princeton NLP group. In our conversation, we explore his research on mechanistic interpretability for transformer models, specifically his paper, Learning Transformer Programs. The LTP paper proposes modifications to the transformer architecture which allow transformer models to be easily converted into human-readable programs, making them inherently interpretable. In our conversation, we compare the approach proposed by this research with prior approaches to understanding the models and their shortcomings. We also dig into the approach’s function and scale limitations and constraints. The complete show notes for this episode can be found at twimlai.com/go/667.

AI Trends 2024: Machine Learning & Deep Learning with Thomas Dietterich - #666
Today we continue our AI Trends 2024 series with a conversation with Thomas Dietterich, distinguished professor emeritus at Oregon State University. As you might expect, Large Language Models figured prominently in our conversation, and we covered a vast array of papers and use cases exploring current research into topics such as monolithic vs. modular architectures, hallucinations, the application of uncertainty quantification (UQ), and using RAG as a sort of memory module for LLMs. Lastly, don’t miss Tom’s predictions on what he foresees happening this year as well as his words of encouragement for those new to the field. The complete show notes for this episode can be found at twimlai.com/go/666.

AI Trends 2024: Computer Vision with Naila Murray - #665
Today we kick off our AI Trends 2024 series with a conversation with Naila Murray, director of AI research at Meta. In our conversation with Naila, we dig into the latest trends and developments in the realm of computer vision. We explore advancements in the areas of controllable generation, visual programming, 3D Gaussian splatting, and multimodal models, specifically vision plus LLMs. We discuss tools and open source projects, including Segment Anything–a tool for versatile zero-shot image segmentation using simple text prompts clicks, and bounding boxes; ControlNet–which adds conditional control to stable diffusion models; and DINOv2–a visual encoding model enabling object recognition, segmentation, and depth estimation, even in data-scarce scenarios. Finally, Naila shares her view on the most exciting opportunities in the field, as well as her predictions for upcoming years. The complete show notes for this episode can be found at twimlai.com/go/665.

Are Vector DBs the Future Data Platform for AI? with Ed Anuff - #664
Today we’re joined by Ed Anuff, chief product officer at DataStax. In our conversation, we discuss Ed’s insights on RAG, vector databases, embedding models, and more. We dig into the underpinnings of modern vector databases (like HNSW and DiskANN) that allow them to efficiently handle massive and unstructured data sets, and discuss how they help users serve up relevant results for RAG, AI assistants, and other use cases. We also discuss embedding models and their role in vector comparisons and database retrieval as well as the potential for GPU usage to enhance vector database performance. The complete show notes for this episode can be found at twimlai.com/go/664.

Quantizing Transformers by Helping Attention Heads Do Nothing with Markus Nagel - #663
Today we’re joined by Markus Nagel, research scientist at Qualcomm AI Research, who helps us kick off our coverage of NeurIPS 2023. In our conversation with Markus, we cover his accepted papers at the conference, along with other work presented by Qualcomm AI Research scientists. Markus’ first paper, Quantizable Transformers: Removing Outliers by Helping Attention Heads Do Nothing, focuses on tackling activation quantization issues introduced by the attention mechanism and how to solve them. We also discuss Pruning vs Quantization: Which is Better?, which focuses on comparing the effectiveness of these two methods in achieving model weight compression. Additional papers discussed focus on topics like using scalarization in multitask and multidomain learning to improve training and inference, using diffusion models for a sequence of state models and actions, applying geometric algebra with equivariance to transformers, and applying a deductive verification of chain of thought reasoning performed by LLMs. The complete show notes for this episode can be found at twimlai.com/go/663.

Responsible AI in the Generative Era with Michael Kearns - #662
Today we’re joined by Michael Kearns, professor in the Department of Computer and Information Science at the University of Pennsylvania and an Amazon scholar. In our conversation with Michael, we discuss the new challenges to responsible AI brought about by the generative AI era. We explore Michael’s learnings and insights from the intersection of his real-world experience at AWS and his work in academia. We cover a diverse range of topics under this banner, including service card metrics, privacy, hallucinations, RLHF, and LLM evaluation benchmarks. We also touch on Clean Rooms ML, a secured environment that balances accessibility to private datasets through differential privacy techniques, offering a new approach for secure data handling in machine learning. The complete show notes for this episode can be found at twimlai.com/go/662.

Edutainment for AI and AWS PartyRock with Mike Miller - #661
Today we’re joined by Mike Miller, director of product at AWS responsible for the company’s “edutainment” products. In our conversation with Mike, we explore AWS PartyRock, a no-code generative AI app builder that allows users to easily create fun and shareable AI applications by selecting a model, chaining prompts together, and linking different text, image, and chatbot widgets together. Additionally, we discuss some of the previous tools Mike’s team has delivered at the intersection of developer education and entertainment, including DeepLens, a computer vision hardware device, DeepRacer, a programmable vehicle that uses reinforcement learning to navigate a track, and lastly, DeepComposer, a generative AI model that transforms musical inputs and creates accompanying compositions. The complete show notes for this episode can be found at twimlai.com/go/661.

Data, Systems and ML for Visual Understanding with Cody Coleman - #660
Today we’re joined by Cody Coleman, co-founder and CEO of Coactive AI. In our conversation with Cody, we discuss how Coactive has leveraged modern data, systems, and machine learning techniques to deliver its multimodal asset platform and visual search tools. Cody shares his expertise in the area of data-centric AI, and we dig into techniques like active learning and core set selection, and how they can drive greater efficiency throughout the machine learning lifecycle. We explore the various ways Coactive uses multimodal embeddings to enable their core visual search experience, and we cover the infrastructure optimizations they’ve implemented in order to scale their systems. We conclude with Cody’s advice for entrepreneurs and engineers building companies around generative AI technologies. The complete show notes for this episode can be found at twimlai.com/go/660.

Patterns and Middleware for LLM Applications with Kyle Roche - #659
Today we’re joined by Kyle Roche, founder and CEO of Griptape to discuss patterns and middleware for LLM applications. We dive into the emerging patterns for developing LLM applications, such as off prompt data—which allows data retrieval without compromising the chain of thought within language models—and pipelines, which are sequential tasks that are given to LLMs that can involve different models for each task or step in the pipeline. We also explore Griptape, an open-source, Python-based middleware stack that aims to securely connect LLM applications to an organization’s internal and external data systems. We discuss the abstractions it offers, including drivers, memory management, rule sets, DAG-based workflows, and a prompt stack. Additionally, we touch on common customer concerns such as privacy, retraining, and sovereignty issues, and several use cases that leverage role-based retrieval methods to optimize human augmentation tasks. The complete show notes for this episode can be found at twimlai.com/go/659.

AI Access and Inclusivity as a Technical Challenge with Prem Natarajan - #658
Today we’re joined by Prem Natarajan, chief scientist and head of enterprise AI at Capital One. In our conversation, we discuss AI access and inclusivity as technical challenges and explore some of Prem and his team’s multidisciplinary approaches to tackling these complexities. We dive into the issues of bias, dealing with class imbalances, and the integration of various research initiatives to achieve additive results. Prem also shares his team’s work on foundation models for financial data curation, highlighting the importance of data quality and the use of federated learning, and emphasizing the impact these factors have on the model performance and reliability in critical applications like fraud detection. Lastly, Prem shares his overall approach to tackling AI research in the context of a banking enterprise, including prioritizing mission-inspired research aiming to deliver tangible benefits to customers and the broader community, investing in diverse talent and the best infrastructure, and forging strategic partnerships with a variety of academic labs. The complete show notes for this episode can be found at twimlai.com/go/658.

Building LLM-Based Applications with Azure OpenAI with Jay Emery - #657
Today we’re joined by Jay Emery, director of technical sales & architecture at Microsoft Azure. In our conversation with Jay, we discuss the challenges faced by organizations when building LLM-based applications, and we explore some of the techniques they are using to overcome them. We dive into the concerns around security, data privacy, cost management, and performance as well as the ability and effectiveness of prompting to achieve the desired results versus fine-tuning, and when each approach should be applied. We cover methods such as prompt tuning and prompt chaining, prompt variance, fine-tuning, and RAG to enhance LLM output along with ways to speed up inference performance such as choosing the right model, parallelization, and provisioned throughput units (PTUs). In addition to that, Jay also shared several intriguing use cases describing how businesses use tools like Azure Machine Learning prompt flow and Azure ML AI Studio to tailor LLMs to their unique needs and processes. The complete show notes for this episode can be found at twimlai.com/go/657.

Visual Generative AI Ecosystem Challenges with Richard Zhang - #656
Today we’re joined by Richard Zhang, senior research scientist at Adobe Research. In our conversation with Richard, we explore the research challenges that arise when regarding visual generative AI from an ecosystem perspective, considering the disparate needs of creators, consumers, and contributors. We start with his work on perceptual metrics and the LPIPS paper, which allow us to better align human perception and computer vision and which remain used in contemporary generative AI applications such as stable diffusion, GANs, and latent diffusion. We look at his work creating detection tools for fake visual content, highlighting the importance of generalization of these detection methods to new, unseen models. Lastly, we dig into his work on data attribution and concept ablation, which aim to address the challenging open problem of allowing artists and others to manage their contributions to generative AI training data sets. The complete show notes for this episode can be found at twimlai.com/go/656.

Deploying Edge and Embedded AI Systems with Heather Gorr - #655
Today we’re joined by Heather Gorr, principal MATLAB product marketing manager at MathWorks. In our conversation with Heather, we discuss the deployment of AI models to hardware devices and embedded AI systems. We explore factors to consider during data preparation, model development, and ultimately deployment, to ensure a successful project. Factors such as device constraints and latency requirements which dictate the amount and frequency of data flowing onto the device are discussed, as are modeling needs such as explainability, robustness and quantization; the use of simulation throughout the modeling process; the need to apply robust verification and validation methodologies to ensure safety and reliability; and the need to adapt and apply MLOps techniques for speed and consistency. Heather also shares noteworthy anecdotes about embedded AI deployments in industries including automotive and oil & gas. The complete show notes for this episode can be found at twimlai.com/go/655.

AI Sentience, Agency and Catastrophic Risk with Yoshua Bengio - #654
Today we’re joined by Yoshua Bengio, professor at Université de Montréal. In our conversation with Yoshua, we discuss AI safety and the potentially catastrophic risks of its misuse. Yoshua highlights various risks and the dangers of AI being used to manipulate people, spread disinformation, cause harm, and further concentrate power in society. We dive deep into the risks associated with achieving human-level competence in enough areas with AI, and tackle the challenges of defining and understanding concepts like agency and sentience. Additionally, our conversation touches on solutions to AI safety, such as the need for robust safety guardrails, investments in national security protections and countermeasures, bans on systems with uncertain safety, and the development of governance-driven AI systems. The complete show notes for this episode can be found at twimlai.com/go/654.

Delivering AI Systems in Highly Regulated Environments with Miriam Friedel - #653
Today we’re joined by Miriam Friedel, senior director of ML engineering at Capital One. In our conversation with Miriam, we discuss some of the challenges faced when delivering machine learning tools and systems in highly regulated enterprise environments, and some of the practices her teams have adopted to help them operate with greater speed and agility. We also explore how to create a culture of collaboration, the value of standardized tooling and processes, leveraging open-source, and incentivizing model reuse. Miriam also shares her thoughts on building a ‘unicorn’ team, and what this means for the team she’s built at Capital One, as well as her take on build vs. buy decisions for MLOps, and the future of MLOps and enterprise AI more broadly. Throughout, Miriam shares examples of these ideas at work in some of the tools their team has built, such as Rubicon, an open source experiment management tool, and Kubeflow pipeline components that enable Capital One data scientists to efficiently leverage and scale models. The complete show notes for this episode can be found at twimlai.com/go/653.

Mental Models for Advanced ChatGPT Prompting with Riley Goodside - #652
Today we’re joined by Riley Goodside, staff prompt engineer at Scale AI. In our conversation with Riley, we explore LLM capabilities and limitations, prompt engineering, and the mental models required to apply advanced prompting techniques. We dive deep into understanding LLM behavior, discussing the mechanism of autoregressive inference, comparing k-shot and zero-shot prompting, and dissecting the impact of RLHF. We also discuss the idea that prompting is a scaffolding structure that leverages the model context, resulting in achieving the desired model behavior and response rather than focusing solely on writing ability. The complete show notes for this episode can be found at twimlai.com/go/652.

Multilingual LLMs and the Values Divide in AI with Sara Hooker - #651
Today we’re joined by Sara Hooker, director at Cohere and head of Cohere For AI, Cohere’s research lab. In our conversation with Sara, we explore some of the challenges with multilingual models like poor data quality and tokenization, and how they rely on data augmentation and preference training to address these bottlenecks. We also discuss the disadvantages and the motivating factors behind the Mixture of Experts technique, and the importance of common language between ML researchers and hardware architects to address the pain points in frameworks and create a better cohesion between the distinct communities. Sara also highlights the impact and the emotional connection that language models have created in society, the benefits and the current safety concerns of universal models, and the significance of having grounded conversations to characterize and mitigate the risk and development of AI models. Along the way, we also dive deep into Cohere and Cohere for AI, along with their Aya project, an open science project that aims to build a state-of-the-art multilingual generative language model as well as some of their recent research papers. The complete show notes for this episode can be found at twimlai.com/go/651.

Scaling Multi-Modal Generative AI with Luke Zettlemoyer - #650
Today we’re joined by Luke Zettlemoyer, professor at University of Washington and a research manager at Meta. In our conversation with Luke, we cover multimodal generative AI, the effect of data on models, and the significance of open source and open science. We explore the grounding problem, the need for visual grounding and embodiment in text-based models, the advantages of discretization tokenization in image generation, and his paper Scaling Laws for Generative Mixed-Modal Language Models, which focuses on simultaneously training LLMs on various modalities. Additionally, we cover his papers on Self-Alignment with Instruction Backtranslation, and LIMA: Less Is More for Alignment. The complete show notes for this episode can be found at twimlai.com/go/650.

Pushing Back on AI Hype with Alex Hanna - #649
Today we’re joined by Alex Hanna, the Director of Research at the Distributed AI Research Institute (DAIR). In our conversation with Alex, we discuss the topic of AI hype and the importance of tackling the issues and impacts it has on society. Alex highlights how the hype cycle started, concerning use cases, incentives driving people towards the rapid commercialization of AI tools, and the need for robust evaluation tools and frameworks to assess and mitigate the risks of these technologies. We also talked about DAIR and how they’ve crafted their research agenda. We discuss current research projects like DAIR Fellow Asmelash Teka Hadgu’s research supporting machine translation and speech recognition tools for the low-resource Amharic and Tigrinya languages of Ethiopia and Eritrea, in partnership with his startup Lesan.AI. We also explore the “Do Data Sets Have Politics” paper, which focuses on coding various variables and conducting a qualitative analysis of computer vision data sets to uncover the inherent politics present in data sets and the challenges in data set creation. The complete show notes for this episode can be found at twimlai.com/go/649.

Personalization for Text-to-Image Generative AI with Nataniel Ruiz - #648
Today we’re joined by Nataniel Ruiz, a research scientist at Google. In our conversation with Nataniel, we discuss his recent work around personalization for text-to-image AI models. Specifically, we dig into DreamBooth, an algorithm that enables “subject-driven generation,” that is, the creation of personalized generative models using a small set of user-provided images about a subject. The personalized models can then be used to generate the subject in various contexts using a text prompt. Nataniel gives us a dive deep into the fine-tuning approach used in DreamBooth, the potential reasons behind the algorithm’s effectiveness, the challenges of fine-tuning diffusion models in this way, such as language drift, and how the prior preservation loss technique avoids this setback, as well as the evaluation challenges and metrics used in DreamBooth. We also touched base on his other recent papers including SuTI, StyleDrop, HyperDreamBooth, and lastly, Platypus. The complete show notes for this episode can be found at twimlai.com/go/648.

Ensuring LLM Safety for Production Applications with Shreya Rajpal - #647
Today we’re joined by Shreya Rajpal, founder and CEO of Guardrails AI. In our conversation with Shreya, we discuss ensuring the safety and reliability of language models for production applications. We explore the risks and challenges associated with these models, including different types of hallucinations and other LLM failure modes. We also talk about the susceptibility of the popular retrieval augmented generation (RAG) technique to closed-domain hallucination, and how this challenge can be addressed. We also cover the need for robust evaluation metrics and tooling for building with large language models. Lastly, we explore Guardrails, an open-source project that provides a catalog of validators that run on top of language models to enforce correctness and reliability efficiently. The complete show notes for this episode can be found at twimlai.com/go/647.

What’s Next in LLM Reasoning? with Roland Memisevic - #646
Today we’re joined by Roland Memisevic, a senior director at Qualcomm AI Research. In our conversation with Roland, we discuss the significance of language in humanlike AI systems and the advantages and limitations of autoregressive models like Transformers in building them. We cover the current and future role of recurrence in LLM reasoning and the significance of improving grounding in AI—including the potential of developing a sense of self in agents. Along the way, we discuss Fitness Ally, a fitness coach trained on a visually grounded large language model, which has served as a platform for Roland’s research into neural reasoning, as well as recent research that explores topics like visual grounding for large language models and state-augmented architectures for AI agents. The complete show notes for this episode can be found at twimlai.com/go/646.

Is ChatGPT Getting Worse? with James Zou - #645
Today we’re joined by James Zou, an assistant professor at Stanford University. In our conversation with James, we explore the differences in ChatGPT’s behavior over the last few months. We discuss the issues that can arise from inconsistencies in generative AI models, how he tested ChatGPT’s performance in various tasks, drawing comparisons between March 2023 and June 2023 for both GPT-3.5 and GPT-4 versions, and the possible reasons behind the declining performance of these models. James also shared his thoughts on how surgical AI editing akin to CRISPR could potentially revolutionize LLM and AI systems, and how adding monitoring tools can help in tracking behavioral changes in these models. Finally, we discuss James' recent paper on pathology image analysis using Twitter data, in which he explores the challenges of obtaining large medical datasets and data collection, as well as detailing the model’s architecture, training, and the evaluation process. The complete show notes for this episode can be found at twimlai.com/go/645.

Why Deep Networks and Brains Learn Similar Features with Sophia Sanborn - #644
Today we’re joined by Sophia Sanborn, a postdoctoral scholar at the University of California, Santa Barbara. In our conversation with Sophia, we explore the concept of universality between neural representations and deep neural networks, and how these principles of efficiency provide an ability to find consistent features across networks and tasks. We also discuss her recent paper on Bispectral Neural Networks which focuses on Fourier transform and its relation to group theory, the implementation of bi-spectral spectrum in achieving invariance in deep neural networks, the expansion of geometric deep learning on the concept of CNNs from other domains, the similarities in the fundamental structure of artificial neural networks and biological neural networks and how applying similar constraints leads to the convergence of their solutions. The complete show notes for this episode can be found at twimlai.com/go/644.

Inverse Reinforcement Learning Without RL with Gokul Swamy - #643
Today we’re joined by Gokul Swamy, a Ph.D. Student at the Robotics Institute at Carnegie Mellon University. In the final conversation of our ICML 2023 series, we sat down with Gokul to discuss his accepted papers at the event, leading off with “Inverse Reinforcement Learning without Reinforcement Learning.” In this paper, Gokul explores the challenges and benefits of inverse reinforcement learning, and the potential and advantages it holds for various applications. Next up, we explore the “Complementing a Policy with a Different Observation Space” paper which applies causal inference techniques to accurately estimate sampling balance and make decisions based on limited observed features. Finally, we touched on “Learning Shared Safety Constraints from Multi-task Demonstrations” which centers on learning safety constraints from demonstrations using the inverse reinforcement learning approach. The complete show notes for this episode can be found at twimlai.com/go/643.

Explainable AI for Biology and Medicine with Su-In Lee - #642
Today we’re joined by Su-In Lee, a professor at the Paul G. Allen School of Computer Science And Engineering at the University Of Washington. In our conversation, Su-In details her talk from the ICML 2023 Workshop on Computational Biology which focuses on developing explainable AI techniques for the computational biology and clinical medicine fields. Su-In discussed the importance of explainable AI contributing to feature collaboration, the robustness of different explainability approaches, and the need for interdisciplinary collaboration between the computer science, biology, and medical fields. We also explore her recent paper on the use of drug combination therapy, challenges with handling biomedical data, and how they aim to make meaningful contributions to the healthcare industry by aiding in cause identification and treatments for Cancer and Alzheimer's diseases. The complete show notes for this episode can be found at twimlai.com/go/642.

Transformers On Large-Scale Graphs with Bayan Bruss - #641
Today we’re joined by Bayan Bruss, Vice President of Applied ML Research at Capital One. In our conversation with Bayan, we covered a pair of papers his team presented at this year’s ICML conference. We begin with the paper Interpretable Subspaces in Image Representations, where Bayan gives us a dive deep into the interpretability framework, embedding dimensions, contrastive approaches, and how their model can accelerate image representation in deep learning. We also explore GOAT: A Global Transformer on Large-scale Graphs, a scalable global graph transformer. We talk through the computation challenges, homophilic and heterophilic principles, model sparsity, and how their research proposes methodologies to get around the computational barrier when scaling to large-scale graph models. The complete show notes for this episode can be found at twimlai.com/go/641.

The Enterprise LLM Landscape with Atul Deo - #640
Today we’re joined by Atul Deo, General Manager of Amazon Bedrock. In our conversation with Atul, we discuss the process of training large language models in the enterprise, including the pain points of creating and training machine learning models, and the power of pre-trained models. We explore different approaches to how companies can leverage large language models, dealing with the hallucination, and the transformative process of retrieval augmented generation (RAG). Finally, Atul gives us an inside look at Bedrock, a fully managed service that simplifies the deployment of generative AI-based apps at scale. The complete show notes for this episode can be found at twimlai.com/go/640.

BloombergGPT - an LLM for Finance with David Rosenberg - #639
Today we’re joined by David Rosenberg, head of the machine learning strategy team in the Office of the CTO at Bloomberg. In our conversation with David, we discuss the creation of BloombergGPT, a custom-built LLM focused on financial applications. We explore the model’s architecture, validation process, benchmarks, and its distinction from other language models. David also discussed the evaluation process, performance comparisons, progress, and the future directions of the model. Finally, we discuss the ethical considerations that come with building these types of models, and how they've approached dealing with these issues. The complete show notes for this episode can be found at twimlai.com/go/639

Are LLMs Good at Causal Reasoning? with Robert Osazuwa Ness - #638
Today we’re joined by Robert Osazuwa Ness, a senior researcher at Microsoft Research, Professor at Northeastern University, and Founder of Altdeep.ai. In our conversation with Robert, we explore whether large language models, specifically GPT-3, 3.5, and 4, are good at causal reasoning. We discuss the benchmarks used to evaluate these models and the limitations they have in answering specific causal reasoning questions, while Robert highlights the need for access to weights, training data, and architecture to correctly answer these questions. The episode discusses the challenge of generalization in causal relationships and the importance of incorporating inductive biases, explores the model's ability to generalize beyond the provided benchmarks, and the importance of considering causal factors in decision-making processes. The complete show notes for this episode can be found at twimlai.com/go/638.

Privacy vs Fairness in Computer Vision with Alice Xiang - #637
Today we’re joined by Alice Xiang, Lead Research Scientist at Sony AI, and Global Head of AI Ethics at Sony Group Corporation. In our conversation with Alice, we discuss the ongoing debate between privacy and fairness in computer vision, diving into the impact of data privacy laws on the AI space while highlighting concerns about unauthorized use and lack of transparency in data usage. We explore the potential harm of inaccurate AI model outputs and the need for legal protection against biased AI products, and Alice suggests various solutions to address these challenges, such as working through third parties for data collection and establishing closer relationships with communities. Finally, we talk through the history of unethical data collection practices in CV and the emergence of generative AI technologies that exacerbate the problem, the importance of operationalizing ethical data collection and practice, including appropriate consent, representation, diversity, and compensation, and the need for interdisciplinary collaboration in AI ethics and the growing interest in AI regulation, including the EU AI Act and regulatory activities in the US. The complete show notes for this episode can be found at twimlai.com/go/637.

Unifying Vision and Language Models with Mohit Bansal - #636
Today we're joined by Mohit Bansal, Parker Professor, and Director of the MURGe-Lab at UNC, Chapel Hill. In our conversation with Mohit, we explore the concept of unification in AI models, highlighting the advantages of shared knowledge and efficiency. He addresses the challenges of evaluation in generative AI, including biases and spurious correlations. Mohit introduces groundbreaking models such as UDOP and VL-T5, which achieved state-of-the-art results in various vision and language tasks while using fewer parameters. Finally, we discuss the importance of data efficiency, evaluating bias in models, and the future of multimodal models and explainability. The complete show notes for this episode can be found at twimlai.com/go/636.

Data Augmentation and Optimized Architectures for Computer Vision with Fatih Porikli - #635
Today we kick off our coverage of the 2023 CVPR conference joined by Fatih Porikli, a Senior Director of Technology at Qualcomm. In our conversation with Fatih, we covered quite a bit of ground, touching on a total of 12 papers/demos, focusing on topics like data augmentation and optimized architectures for computer vision. We explore advances in optical flow estimation networks, cross-model, and stage knowledge distillation for efficient 3D object detection, and zero-shot learning via language models for fine-grained labeling. We also discuss generative AI advancements and computer vision optimization for running large models on edge devices. Finally, we discuss objective functions, architecture design choices for neural networks, and efficiency and accuracy improvements in AI models via the techniques introduced in the papers.

Mojo: A Supercharged Python for AI with Chris Lattner - #634
Today we’re joined by Chris Lattner, Co-Founder and CEO of Modular. In our conversation with Chris, we discuss Mojo, a new programming language for AI developers. Mojo is unique in this space and simplifies things by making the entire stack accessible and understandable to people who are not compiler engineers. It also offers Python programmers the ability to make it high-performance and capable of running accelerators, making it more accessible to more people and researchers. We discuss the relationship between the Modular Engine and Mojo, the challenge of packaging Python, particularly when incorporating C code, and how Mojo aims to solve these problems to make the AI stack more dependable. The complete show notes for this episode can be found at twimlai.com/go/634

Stable Diffusion and LLMs at the Edge with Jilei Hou - #633
Today we’re joined by Jilei Hou, a VP of Engineering at Qualcomm Technologies. In our conversation with Jilei, we focus on the emergence of generative AI, and how they've worked towards providing these models for use on edge devices. We explore how the distribution of models on devices can help amortize large models' costs while improving reliability and performance and the challenges of running machine learning workloads on devices, including model size and inference latency. Finally, Jilei we explore how these emerging technologies fit into the existing AI Model Efficiency Toolkit (AIMET) framework. The complete show notes for this episode can be found at twimlai.com/go/633

Modeling Human Behavior with Generative Agents with Joon Sung Park - #632
Today we’re joined by Joon Sung Park, a PhD Student at Stanford University. Joon shares his passion for creating AI systems that can solve human problems and his work on the recent paper Generative Agents: Interactive Simulacra of Human Behavior, which showcases generative agents that exhibit believable human behavior. We discuss using empirical methods to study these systems and the conflicting papers on whether AI models have a worldview and common sense. Joon talks about the importance of context and environment in creating believable agent behavior and shares his team's work on scaling emerging community behaviors. He also dives into the importance of a long-term memory module in agents and the use of knowledge graphs in retrieving associative information. The goal, Joon explains, is to create something that people can enjoy and empower people, solving existing problems and challenges in the traditional HCI and AI field.

Language Modeling With State Space Models with Dan Fu - #630
Today we’re joined by Dan Fu, a PhD student at Stanford University. In our conversation with Dan, we discuss the limitations of state space models in language modeling and the search for alternative building blocks that can help increase context length without being computationally infeasible. Dan walks us through the H3 architecture and Flash Attention technique, which can reduce the memory footprint of a model and make it feasible to fine-tune. We also explore his work on improving language models using synthetic languages, the issue of long sequence length affecting both training and inference in models, and the hope for finding something sub-quadratic that can perform language processing more effectively than the brute force approach of attention. The complete show notes for this episode can be found at https://twimlai.com/go/630

Building Maps and Spatial Awareness in Blind AI Agents with Dhruv Batra - #629
Today we continue our coverage of ICLR 2023 joined by Dhruv Batra, an associate professor at Georgia Tech and research director of the Fundamental AI Research (FAIR) team at META. In our conversation, we discuss Dhruv’s work on the paper Emergence of Maps in the Memories of Blind Navigation Agents, which won an Outstanding Paper Award at the event. We explore navigation with multilayer LSTM and the question of whether embodiment is necessary for intelligence. We delve into the Embodiment Hypothesis and the progress being made in language models and caution on the responsible use of these models. We also discuss the history of AI and the importance of using the right data sets in training. The conversation explores the different meanings of "maps" across AI and cognitive science fields, Dhruv’s experience in navigating mapless systems, and the early discovery stages of memory representation and neural mechanisms. The complete show notes for this episode can be found at https://twimlai.com/go/629

AI Agents and Data Integration with GPT and LLaMa with Jerry Liu - #628
Today we’re joined by Jerry Liu, co-founder and CEO of Llama Index. In our conversation with Jerry, we explore the creation of Llama Index, a centralized interface to connect your external data with the latest large language models. We discuss the challenges of adding private data to language models and how Llama Index connects the two for better decision-making. We discuss the role of agents in automation, the evolution of the agent abstraction space, and the difficulties of optimizing queries over large amounts of complex data. We also discuss a range of topics from combining summarization and semantic search, to automating reasoning, to improving language model results by exploiting relationships between nodes in data. The complete show notes for this episode can be found at twimlai.com/go/628.

Hyperparameter Optimization through Neural Network Partitioning with Christos Louizos - #627
Today we kick off our coverage of the 2023 ICLR conference joined by Christos Louizos, an ML researcher at Qualcomm Technologies. In our conversation with Christos, we explore his paper Hyperparameter Optimization through Neural Network Partitioning and a few of his colleague's works from the conference. We discuss methods for speeding up attention mechanisms in transformers, scheduling operations for computation graphs, estimating channels in indoor environments, and adapting to distribution shifts in test time with neural network modules. We also talk through the benefits and limitations of federated learning, exploring sparse models, optimizing communication between servers and devices, and much more. The complete show notes for this episode can be found at https://twimlai.com/go/627.

Are LLMs Overhyped or Underappreciated? with Marti Hearst - #626
Today we’re joined by Marti Hearst, Professor at UC Berkeley. In our conversation with Marti, we explore the intricacies of AI language models and their usefulness in improving efficiency but also their potential for spreading misinformation. Marti expresses skepticism about whether these models truly have cognition compared to the nuance of the human brain. We discuss the intersection of language and visualization and the need for specialized research to ensure safety and appropriateness for specific uses. We also delve into the latest tools and algorithms such as Copilot and Chat GPT, which enhance programming and help in identifying comparisons, respectively. Finally, we discuss Marti’s long research history in search and her breakthrough in developing a standard interaction that allows for finding items on websites and library catalogs. The complete show notes for this episode can be found at https://twimlai.com/go/626.

Are Large Language Models a Path to AGI? with Ben Goertzel - #625
Today we’re joined by Ben Goertzel, CEO of SingularityNET. In our conversation with Ben, we explore all things AGI, including the potential scenarios that could arise with the advent of AGI and his preference for a decentralized rollout comparable to the internet or Linux. Ben shares his research in bridging neural nets, symbolic logic engines, and evolutionary programming engines to develop a common mathematical framework for AI paradigms. We also discuss the limitations of Large Language Models and the potential of hybridizing LLMs with other AGI approaches. Additionally, we chat about their work using LLMs for music generation and the limitations of formalizing creativity. Finally, Ben discusses his team's work with the OpenCog Hyperon framework and Simuli to achieve AGI, and the potential implications of their research in the future. The complete show notes for this episode can be found at https://twimlai.com/go/625

Open Source Generative AI at Hugging Face with Jeff Boudier - #624
Today we’re joined by Jeff Boudier, head of product at Hugging Face 🤗. In our conversation with Jeff, we explore the current landscape of open-source machine learning tools and models, the recent shift towards consumer-focused releases, and the importance of making ML tools accessible. We also discuss the growth of the Hugging Face Hub, which currently hosts over 150k models, and how formalizing their collaboration with AWS will help drive the adoption of open-source models in the enterprise. The complete show notes for this episode can be found at twimlai.com/go/624

Generative AI at the Edge with Vinesh Sukumar - #623
Today we’re joined by Vinesh Sukumar, a senior director and head of AI/ML product management at Qualcomm Technologies. In our conversation with Vinesh, we explore how mobile and automotive devices have different requirements for AI models and how their AI stack helps developers create complex models on both platforms. We also discuss the growing interest in text-based input and the shift towards transformers, generative content, and recommendation engines. Additionally, we explore the challenges and opportunities for ML Ops investments on the edge, including the use of synthetic data and evolving models based on user data. Finally, we delve into the latest advancements in large language models, including Prometheus-style models and GPT-4. The complete show notes for this episode can be found at twimlai.com/go/623.

Runway Gen-2: Generative AI for Video Creation with Anastasis Germanidis - #622
Today we’re joined by Anastasis Germanidis, Co-Founder and CTO of RunwayML. Amongst all the product and model releases over the past few months, Runway threw its hat into the ring with Gen-1, a model that can take still images or video and transform them into completely stylized videos. They followed that up just a few weeks later with the release of Gen-2, a multimodal model that can produce a video from text prompts. We had the pleasure of chatting with Anastasis about both models, exploring the challenges of generating video, the importance of alignment in model deployment, the potential use of RLHF, the deployment of models as APIs, and much more! The complete show notes for this episode can be found at twimlai.com/go/622.

Watermarking Large Language Models to Fight Plagiarism with Tom Goldstein - 621
Today we’re joined by Tom Goldstein, an associate professor at the University of Maryland. Tom’s research sits at the intersection of ML and optimization and has previously been featured in the New Yorker for his work on invisibility cloaks, clothing that can evade object detection. In our conversation, we focus on his more recent research on watermarking LLM output. We explore the motivations behind adding these watermarks, how they work, and different ways a watermark could be deployed, as well as political and economic incentive structures around the adoption of watermarking and future directions for that line of work. We also discuss Tom’s research into data leakage, particularly in stable diffusion models, work that is analogous to recent guest Nicholas Carlini’s research into LLM data extraction.

Does ChatGPT “Think”? A Cognitive Neuroscience Perspective with Anna Ivanova - #620
Today we’re joined by Anna Ivanova, a postdoctoral researcher at MIT Quest for Intelligence. In our conversation with Anna, we discuss her recent paper Dissociating language and thought in large language models: a cognitive perspective. In the paper, Anna reviews the capabilities of LLMs by considering their performance on two different aspects of language use: 'formal linguistic competence', which includes knowledge of rules and patterns of a given language, and 'functional linguistic competence', a host of cognitive abilities required for language understanding and use in the real world. We explore parallels between linguistic competence and AGI, the need to identify new benchmarks for these models, whether an end-to-end trained LLM can address various aspects of functional competence, and much more! The complete show notes for this episode can be found at twimlai.com/go/620.

Robotic Dexterity and Collaboration with Monroe Kennedy III - #619
Today we’re joined by Monroe Kennedy III, an assistant professor at Stanford, director of the Assistive Robotics and Manipulation Lab, and a national director of Black in Robotics. In our conversation with Monroe, we spend some time exploring the robotics landscape, getting Monroe’s thoughts on the current challenges in the field, as well as his opinion on choreographed demonstrations like the dancing Boston Robotics machines. We also dig into his work around two distinct threads, Robotic Dexterity, (what does it take to make robots capable of doing manipulation useful tasks with and for humans?) and Collaborative Robotics (how do we go beyond advanced autonomy in robots towards making effective robotic teammates capable of working with human counterparts?). Finally, we discuss DenseTact, an optical-tactile sensor capable of visualizing the deformed surface of a soft fingertip and using that image in a neural network to perform calibrated shape reconstruction and 6-axis wrench estimation. The complete show notes for this episode can be found at twimlai.com/go/619.

Privacy and Security for Stable Diffusion and LLMs with Nicholas Carlini - #618
Today we’re joined by Nicholas Carlini, a research scientist at Google Brain. Nicholas works at the intersection of machine learning and computer security, and his recent paper “Extracting Training Data from LLMs” has generated quite a buzz within the ML community. In our conversation, we discuss the current state of adversarial machine learning research, the dynamic of dealing with privacy issues in black box vs accessible models, what privacy attacks in vision models like diffusion models look like, and the scale of “memorization” within these models. We also explore Nicholas’ work on data poisoning, which looks to understand what happens if a bad actor can take control of a small fraction of the data that an ML model is trained on. The complete show notes for this episode can be found at twimlai.com/go/618.

Understanding AI’s Impact on Social Disparities with Vinodkumar Prabhakaran - #617
Today we’re joined by Vinodkumar Prabhakaran, a Senior Research Scientist at Google Research. In our conversation with Vinod, we discuss his two main areas of research, using ML, specifically NLP, to explore these social disparities, and how these same social disparities are captured and propagated within machine learning tools. We explore a few specific projects, the first using NLP to analyze interactions between police officers and community members, determining factors like level of respect or politeness and how they play out across a spectrum of community members. We also discuss his work on understanding how bias creeps into the pipeline of building ML models, whether it be from the data or the person building the model. Finally, for those working with human annotators, Vinod shares his thoughts on how to incorporate principles of fairness to help build more robust models. The complete show notes for this episode can be found at https://twimlai.com/go/617.

AI Trends 2023: Causality and the Impact on Large Language Models with Robert Osazuwa Ness - #616
Today we’re joined by Robert Osazuwa Ness, a senior researcher at Microsoft Research, to break down the latest trends in the world of causal modeling. In our conversation with Robert, we explore advances in areas like causal discovery, causal representation learning, and causal judgements. We also discuss the impact causality could have on large language models, especially in some of the recent use cases we’ve seen like Bing Search and ChatGPT. Finally, we discuss the benchmarks for causal modeling, the top causality use cases, and the most exciting opportunities in the field. The complete show notes for this episode can be found at twimlai.com/go/616.

Data-Centric Zero-Shot Learning for Precision Agriculture with Dimitris Zermas - #615
Today we’re joined by Dimitris Zermas, a principal scientist at agriscience company Sentera. Dimitris’ work at Sentera is focused on developing tools for precision agriculture using machine learning, including hardware like cameras and sensors, as well as ML models for analyzing the vast amount of data they acquire. We explore some specific use cases for machine learning, including plant counting, the challenges of working with classical computer vision techniques, database management, and data annotation. We also discuss their use of approaches like zero-shot learning and how they’ve taken advantage of a data-centric mindset when building a better, more cost-efficient product.

How LLMs and Generative AI are Revolutionizing AI for Science with Anima Anandkumar - #614
Today we’re joined by Anima Anandkumar, Bren Professor of Computing And Mathematical Sciences at Caltech and Sr Director of AI Research at NVIDIA. In our conversation, we take a broad look at the emerging field of AI for Science, focusing on both practical applications and longer-term research areas. We discuss the latest developments in the area of protein folding, and how much it has evolved since we first discussed it on the podcast in 2018, the impact of generative models and stable diffusion on the space, and the application of neural operators. We also explore the ways in which prediction models like weather models could be improved, how foundation models are helping to drive innovation, and finally, we dig into MineDojo, a new framework built on the popular Minecraft game for embodied agent research, which won a 2022 Outstanding Paper Award at NeurIPS. The complete show notes for this episode can be found at twimlai.com/go/614

AI Trends 2023: Natural Language Proc - ChatGPT, GPT-4 and Cutting Edge Research with Sameer Singh - #613
Today we continue our AI Trends 2023 series joined by Sameer Singh, an associate professor in the department of computer science at UC Irvine and fellow at the Allen Institute for Artificial Intelligence (AI2). In our conversation with Sameer, we focus on the latest and greatest advancements and developments in the field of NLP, starting out with one that took the internet by storm just a few short weeks ago, ChatGPT. We also explore top themes like decomposed reasoning, causal modeling in NLP, and the need for “clean” data. We also discuss projects like HuggingFace’s BLOOM, the debacle that was the Galactica demo, the impending intersection of LLMs and search, use cases like Copilot, and of course, we get Sameer’s predictions for what will happen this year in the field. The complete show notes for this episode can be found at twimlai.com/go/613.

AI Trends 2023: Reinforcement Learning - RLHF, Robotic Pre-Training, and Offline RL with Sergey Levine - #612
Today we’re taking a deep dive into the latest and greatest in the world of Reinforcement Learning with our friend Sergey Levine, an associate professor, at UC Berkeley. In our conversation with Sergey, we explore some game-changing developments in the field including the release of ChatGPT and the onset of RLHF. We also explore more broadly the intersection of RL and language models, as well as advancements in offline RL and pre-training for robotics models, inverse RL, Q learning, and a host of papers along the way. Finally, you don’t want to miss Sergey’s predictions for the top developments of the year 2023! The complete show notes for this episode can be found at twimlai.com/go/612

Supporting Food Security in Africa Using ML with Catherine Nakalembe - #611
Today we conclude our coverage of the 2022 NeurIPS series joined by Catherine Nakalembe, an associate research professor at the University of Maryland, and Africa Program Director under NASA Harvest. In our conversation with Catherine, we take a deep dive into her talk from the ML in the Physical Sciences workshop, Supporting Food Security in Africa using Machine Learning and Earth Observations. We discuss the broad challenges associated with food insecurity, as well as Catherine’s role and the priorities of Harvest Africa, a program focused on advancing innovative satellite-driven methods to produce automated within-season crop type and crop-specific condition products that support agricultural assessments. We explore some of the technical challenges of her work, including the limited, but growing, access to remote sensing and earth observation datasets and how the availability of that data has changed in recent years, the lack of benchmarks for the tasks she’s working on, examples of how they’ve applied techniques like multi-task learning and task-informed meta-learning, and much more. The complete show notes for this episode can be found at twimlai.com/go/611.

Service Cards and ML Governance with Michael Kearns - #610
Today we conclude our AWS re:Invent 2022 series joined by Michael Kearns, a professor in the department of computer and information science at UPenn, as well as an Amazon Scholar. In our conversation, we briefly explore Michael’s broader research interests in responsible AI and ML governance and his role at Amazon. We then discuss the announcement of service cards, and their take on “model cards” at a holistic, system level as opposed to an individual model level. We walk through the information represented on the cards, as well as explore the decision-making process around specific information being omitted from the cards. We also get Michael’s take on the years-old debate of algorithmic bias vs dataset bias, what some of the current issues are around this topic, and what research he has seen (and hopes to see) addressing issues of “fairness” in large language models. The complete show notes for this episode can be found at twimlai.com/go/610.

Reinforcement Learning for Personalization at Spotify with Tony Jebara - #609
Today we continue our NeurIPS 2022 series joined by Tony Jebara, VP of engineering and head of machine learning at Spotify. In our conversation with Tony, we discuss his role at Spotify and how the company’s use of machine learning has evolved over the last few years, and the business value of machine learning, specifically recommendations, hold at the company. We dig into his talk on the intersection of reinforcement learning and lifetime value (LTV) at Spotify, which explores the application of Offline RL for user experience personalization. We discuss the various papers presented in the talk, and how they all map toward determining and increasing a user’s LTV. The complete show notes for this episode can be found at twimlai.com/go/609.

Will ChatGPT take my job? - #608
More than any system before it, ChatGPT has tapped into our enduring fascination with artificial intelligence, raising in a more concrete and present way important questions and fears about what AI is capable of and how it will impact us as humans. One of the concerns most frequently voiced, whether sincerely or cloaked in jest, is how ChatGPT or systems like it, will impact our livelihoods. In other words, “will ChatGPT put me out of a job???” In this episode of the podcast, I seek to answer this very question by conducting an interview in which ChatGPT is asking all the questions. (The questions are answered by a second ChatGPT, as in my own recent Interview with it, Exploring Large Laguage Models with ChatGPT.) In addition to the straight dialogue, I include my own commentary along the way and conclude with a discussion of the results of the experiment, that is, whether I think ChatGPT will be taking my job as your host anytime soon. Ultimately, though, I hope you’ll be the judge of that and share your thoughts on how ChatGPT did at my job via a comment below or on social media.

Geospatial Machine Learning at AWS with Kumar Chellapilla - #607
Today we continue our re:Invent 2022 series joined by Kumar Chellapilla, a general manager of ML and AI Services at AWS. We had the opportunity to speak with Kumar after announcing their recent addition of geospatial data to the SageMaker Platform. In our conversation, we explore Kumar’s role as the GM for a diverse array of SageMaker services, what has changed in the geospatial data landscape over the last 10 years, and why Amazon decided now was the right time to invest in geospatial data. We discuss the challenges of accessing and working with this data and the pain points they’re trying to solve. Finally, Kumar walks us through a few customer use cases, describes how this addition will make users more effective than they currently are, and shares his thoughts on the future of this space over the next 2-5 years, including the potential intersection of geospatial data and stable diffusion/generative models. The complete show notes for this episode can be found at twimlai.com/go/607

Real-Time ML Workflows at Capital One with Disha Singla - #606
Today we’re joined by Disha Singla, a senior director of machine learning engineering at Capital One. In our conversation with Disha, we explore her role as the leader of the Data Insights team at Capital One, where they’ve been tasked with creating reusable libraries, components, and workflows to make ML usable broadly across the company, as well as a platform to make it all accessible and to drive meaningful insights. We discuss the construction of her team, as well as the types of interactions and requests they receive from their customers (data scientists), productionized use cases from the platform, and their efforts to transition from batch to real-time deployment. Disha also shares her thoughts on the ROI of machine learning and getting buy-in from executives, how she sees machine learning evolving at the company over the next 10 years, and much more! The complete show notes for this episode can be found at twimlai.com/go/606

Weakly Supervised Causal Representation Learning with Johann Brehmer - #605
Today we’re excited to kick off our coverage of the 2022 NeurIPS conference with Johann Brehmer, a research scientist at Qualcomm AI Research in Amsterdam. We begin our conversation discussing some of the broader problems that causality will help us solve, before turning our focus to Johann’s paper Weakly supervised causal representation learning, which seeks to prove that high-level causal representations are identifiable in weakly supervised settings. We also discuss a few other papers that the team at Qualcomm presented, including neural topological ordering for computation graphs, as well as some of the demos they showcased, which we’ll link to on the show notes page. The complete show notes for this episode can be found at twimlai.com/go/605.

Stable Diffusion & Generative AI with Emad Mostaque - #604
Today we’re excited to kick off our 2022 AWS re:Invent series with a conversation with Emad Mostaque, Founder and CEO of Stability.ai. Stability.ai is a very popular name in the generative AI space at the moment, having taken the internet by storm with the release of its stable diffusion model just a few months ago. In our conversation with Emad, we discuss the story behind Stability's inception, the model's speed and scale, and the connection between stable diffusion and programming. We explore some of the spaces that Emad anticipates being disrupted by this technology, his thoughts on the open-source vs API debate, how they’re dealing with issues of user safety and artist attribution, and of course, what infrastructure they’re using to stand the model up. The complete show notes for this episode can be found at https://twimlai.com/go/604.

Exploring Large Language Models with ChatGPT - #603
Today we're joined by ChatGPT, the latest and coolest large language model developed by OpenAl. In our conversation with ChatGPT, we discuss the background and capabilities of large language models, the potential applications of these models, and some of the technical challenges and open questions in the field. We also explore the role of supervised learning in creating ChatGPT, and the use of PPO in training the model. Finally, we discuss the risks of misuse of large language models, and the best resources for learning more about these models and their applications. Join us for a fascinating conversation with ChatGPT, and learn more about the exciting world of large language models. The complete show notes for this episode can be found at https://twimlai.com/go/603

Accelerating Intelligence with AI-Generating Algorithms with Jeff Clune - #602
Are AI-generating algorithms the path to artificial general intelligence(AGI)? Today we’re joined by Jeff Clune, an associate professor of computer science at the University of British Columbia, and faculty member at the Vector Institute. In our conversation with Jeff, we discuss the broad ambitious goal of the AI field, artificial general intelligence, where we are on the path to achieving it, and his opinion on what we should be doing to get there, specifically, focusing on AI generating algorithms. With the goal of creating open-ended algorithms that can learn forever, Jeff shares his three pillars to an AI-GA, meta-learning architectures, meta-learning algorithms, and auto-generating learning environments. Finally, we discuss the inherent safety issues with these learning algorithms and Jeff’s thoughts on how to combat them, and what the not-so-distant future holds for this area of research. The complete show notes for this episode can be found at twimlai.com/go/602.

Programmatic Labeling and Data Scaling for Autonomous Commercial Aviation with Cedric Cocaud - #601
Today we’re joined by Cedric Cocaud, the chief engineer of the Wayfinder Group at Acubed, the innovation center for aircraft manufacturer Airbus. In our conversation with Cedric, we explore some of the technical challenges of innovation in the aircraft space, including autonomy. Cedric’s work on Project Vahana, Acubed’s foray into air taxis, attempted to leverage work in the self-driving car industry to develop fully autonomous planes. We discuss some of the algorithms being developed for this work, the data collection process, and Cedric’s thoughts on using synthetic data for these tasks. We also discuss the challenges of labeling the data, including programmatic and automated labeling, and much more.

Engineering Production NLP Systems at T-Mobile with Heather Nolis - #600
Today we’re joined by Heather Nolis, a principal machine learning engineer at T-Mobile. In our conversation with Heather, we explored her machine learning journey at T-Mobile, including their initial proof of concept project, which held the goal of putting their first real-time deep learning model into production. We discuss the use case, which aimed to build a model customer intent model that would pull relevant information about a customer during conversations with customer support. This process has now become widely known as blank assist. We also discuss the decision to use supervised learning to solve this problem and the challenges they faced when developing a taxonomy. Finally, we explore the idea of using small models vs uber-large models, the hardware being used to stand up their infrastructure, and how Heather thinks about the age-old question of build vs buy.

Sim2Real and Optimus, the Humanoid Robot with Ken Goldberg - #599
Today we’re joined by return guest Ken Goldberg, a professor at UC Berkeley and the chief scientist at Ambi Robotics. It’s been a few years since our initial conversation with Ken, so we spent a bit of time talking through the progress that has been made in robotics in the time that has passed. We discuss Ken’s recent work, including the paper Autonomously Untangling Long Cables, which won Best Systems Paper at the RSS conference earlier this year, including the complexity of the problem and why it is classified as a systems challenge, as well as the advancements in hardware that made solving this problem possible. We also explore Ken’s thoughts on the push towards simulation by research entities and large tech companies, and the potential for causal modeling to find its way into robotics. Finally, we discuss the recent showcase of Optimus, Tesla, and Elon Musk’s “humanoid” robot and how far we are from it being a viable piece of technology. The complete show notes for this episode can be found at twimlai.com/go/599.

The Evolution of the NLP Landscape with Oren Etzioni - #598
Today friend of the show and esteemed guest host John Bohannon is back with another great interview, this time around joined by Oren Etzioni, former CEO of the Allen Institute for AI, where he is currently an advisor. In our conversation with Oren, we discuss his philosophy as a researcher and how that has manifested in his pivot to institution builder. We also explore his thoughts on the current landscape of NLP, including the emergence of LLMs and the hype being built up around AI systems from folks like Elon Musk. Finally, we explore some of the research coming out of AI2, including Semantic Scholar, an AI-powered research tool analogous to arxiv, and the somewhat controversial Delphi project, a research prototype designed to model people’s moral judgments on a variety of everyday situations.

Live from TWIMLcon! The Great MLOps Debate: End-to-End ML Platforms vs Specialized Tools - #597
Over the last few years, it’s been established that your ML team needs at least some basic tooling in order to be effective, providing support for various aspects of the machine learning workflow, from data acquisition and management, to model development and optimization, to model deployment and monitoring. But how do you get there? Many tools available off the shelf, both commercial and open source, can help. At the extremes, these tools can fall into one of a couple of buckets. End-to-end platforms that try to provide support for many aspects of the ML lifecycle, and specialized tools that offer deep functionality in a particular domain or area. At TWIMLcon: AI Platforms 2022, our panelists debated the merits of these approaches in The Great MLOps Debate: End-to-End ML Platforms vs Specialized Tools.

Live from TWIMLcon! You're not Facebook. Architecting MLOps for B2B Use Cases with Jacopo Tagliabue - #596
Much of the way we talk and think about MLOps comes from the perspective of large consumer internet companies like Facebook or Google. If you work at a FAANG company, these approaches might work well for you. But what about if you work at one of the many small, B2B companies that stand to benefit through the use of machine learning? How should you be thinking about MLOps and the ML lifecycle in that case? In this live podcast interview from TWIMLcon: AI Platforms 2022, Sam Charrington explores these questions with Jacopo Tagliabue, whose perspectives and contributions on scaling down MLOps have served to make the field more accessible and relevant to a wider array of practitioners.

Building Foundational ML Platforms with Kubernetes and Kubeflow with Ali Rodell - #595
Today we’re joined by Ali Rodell, a senior director of machine learning engineering at Capital One. In our conversation with Ali, we explore his role as the head of model development platforms at Capital One, including how his 25+ years in software development have shaped his view on building platforms and the evolution of the platforms space over the last 10 years. We discuss the importance of a healthy open source tooling ecosystem, Capital One’s use of various open source capabilites like kubeflow and kubernetes to build out platforms, and some of the challenges that come along with modifying/customizing these tools to work for him and his teams. Finally, we explore the range of user personas that need to be accounted for when making decisions about tooling, supporting things like Jupyter notebooks and other low level tools, and how that can be potentially challenging in a highly regulated environment like the financial industry. The complete show notes for this episode can be found at twimlai.com/go/595

AI-Powered Peer Programming with Vasi Philomin - #594
Today we’re joined by Vasi Philomin, vice president of AI services at AWS, joins us for our first in-person interview since 2019! In our conversation with Vasi, we discussed the recently released Amazon Code Whisperer, a developer-focused coding companion. We begin by exploring Vasi’s role and the various products under the banner of cognitive and non-cognitive services, and how those came together where Code Whisperer fits into the equation and some of the differences between Code Whisperer and some of the other recently released coding companions like GitHub Copilot. We also discuss the training corpus for the model, and how they’ve dealt with the potential issues of bias that arise when training LLMs with crawled web data, and Vasi’s thoughts on what the path of innovation looks like for Code Whisperer. At the end of our conversation, Vasi was gracious enough to share a quick live demo of Code Whisperer, so you can catch that here.

Applied AI/ML Research at PayPal with Vidyut Naware - #593
Today we’re joined by Vidyut Naware, the director of machine learning and artificial intelligence at Paypal. As the leader of the ML/AI organization at Paypal, Vidyut is responsible for all things applied, from R&D to MLOps infrastructure. In our conversation, we explore the work being done in four major categories, hardware/compute, data, applied responsible AI, and tools, frameworks, and platforms. We also discuss their use of federated learning and delayed supervision models for use cases like anomaly detection and fraud prevention, research into quantum computing and causal inference, as well as applied use cases like graph machine learning and collusion detection. The complete show notes for this episode can be found at twimlai.com/go/593

Assessing Data Quality at Shopify with Wendy Foster - #592
Today we’re back with another installment of our Data-Centric AI series, joined by Wendy Foster, a director of engineering & data science at Shopify. In our conversation with Wendy, we explore the differences between data-centric and model-centric approaches and how they manifest at Shopify, including on her team, which is responsible for utilizing merchant and product data to assist individual vendors on the platform. We discuss how they address, maintain, and improve data quality, emphasizing the importance of coverage and “freshness” data when solving constantly evolving use cases. Finally, we discuss how data is taxonomized at the company and the challenges that present themselves when producing large-scale ML models, future use cases that Wendy expects her team to tackle, and we briefly explore Merlin, Shopify’s new ML platform (that you can hear more about at TWIMLcon!), and how it fits into the broader scope of ML at the company. The complete show notes for this episode can be found at twimlai.com/go/592

Transformers for Tabular Data at Capital One with Bayan Bruss - #591
Today we’re joined by Bayan Bruss, a Sr. director of applied ML research at Capital One. In our conversation with Bayan, we dig into his work in applying various deep learning techniques to tabular data, including taking advancements made in other areas like graph CNNs and other traditional graph mining algorithms and applying them to financial services applications. We discuss why despite a “flood” of innovation in the field, work on tabular data doesn’t elicit as much fanfare despite its broad use across businesses, Bayan’s experience with the difficulty of making deep learning work on tabular data, and what opportunities have been presented for the field with the emergence of multi-modality and transformer models. We also explore a pair of papers from Bayan’s team, focused on both transformers and transfer learning for tabular data. The complete show notes for this episode can be found at twimlai.com/go/591

Understanding Collective Insect Communication with ML, w/ Orit Peleg - #590
Today we’re joined by Orit Peleg, an assistant professor at the University of Colorado, Boulder. Orit’s work focuses on understanding the behavior of disordered living systems, by merging tools from physics, biology, engineering, and computer science. In our conversation, we discuss how Orit found herself exploring problems of swarming behaviors and their relationship to distributed computing system architecture and spiking neurons. We look at two specific areas of research, the first focused on the patterns observed in firefly species, how the data is collected, and the types of algorithms used for optimization. Finally, we look at how Orit’s research with fireflies translates to a completely different insect, the honeybee, and what the next steps are for investigating these and other insect families. The complete show notes for this episode can be found at twimlai.com/go/590

Multimodal, Multi-Lingual NLP at Hugging Face with John Bohannon and Douwe Kiela - #589
In this extra special episode of the TWIML AI Podcast, a friend of the show John Bohannon leads a jam-packed conversation with Hugging Face’s recently appointed head of research Douwe Kiela. In our conversation with Douwe, we explore his role at the company, how his perception of Hugging Face has changed since joining, and what research entails at the company. We discuss the emergence of the transformer model and the emergence of BERT-ology, the recent shift to solving more multimodal problems, the importance of this subfield as one of the “Grand Directions'' of Hugging Face’s research agenda, and the importance of BLOOM, the open-access Multilingual Language Model that was the output of the BigScience project. Finally, we get into how Douwe’s background in philosophy shapes his view of current projects, as well as his projections for the future of NLP and multimodal ML. The complete show notes for this episode can be found at twimlai.com/go/589

Synthetic Data Generation for Robotics with Bill Vass - #588
Today we’re joined by Bill Vass, a VP of engineering at Amazon Web Services. Bill spoke at the most recent AWS re:MARS conference, where he delivered an engineering Keynote focused on some recent updates to Amazon sagemaker, including its support for synthetic data generation. In our conversation, we discussed all things synthetic data, including the importance of data quality when creating synthetic data, and some of the use cases that this data is being created for, including warehouses and in the case of one of their more recent acquisitions, iRobot, synthetic house generation. We also explore Astro, the household robot for home monitoring, including the types of models running it, is running, what type of on-device sensor suite it has, the relationship between the robot and the cloud, and the role of simulation. The complete show notes for this episode can be found at twimlai.com/go/588

Multi-Device, Multi-Use-Case Optimization with Jeff Gehlhaar - #587
Today we’re joined by Jeff Gehlhaar, vice president of technology at Qualcomm Technologies. In our annual conversation with Jeff, we dig into the relationship between Jeff’s team on the product side and the research team, many of whom we’ve had on the podcast over the last few years. We discuss the challenges of real-world neural network deployment and doing quantization on-device, as well as a look at the tools that power their AI Stack. We also explore a few interesting automotive use cases, including automated driver assistance, and what advancements Jeff is looking forward to seeing in the next year. The complete show notes for this episode can be found at twimlai.com/go/587

Causal Conceptions of Fairness and their Consequences with Sharad Goel - #586
Today we close out our ICML 2022 coverage joined by Sharad Goel, a professor of public policy at Harvard University. In our conversation with Sharad, we discuss his Outstanding Paper award winner Causal Conceptions of Fairness and their Consequences, which seeks to understand what it means to apply causality to the idea of fairness in ML. We explore the two broad classes of intent that have been conceptualized under the subfield of causal fairness and how they differ, the distinct ways causality is treated in economic and statistical contexts vs a computer science and algorithmic context, and why policies are created in the context of causal definitions are suboptimal broadly. The complete show notes for this episode can be found at twimlai.com/go/586

Brain-Inspired Hardware and Algorithm Co-Design with Melika Payvand - #585
Today we continue our ICML coverage joined by Melika Payvand, a research scientist at the Institute of Neuroinformatics at the University of Zurich and ETH Zurich. Melika spoke at the Hardware Aware Efficient Training (HAET) Workshop, delivering a keynote on Brain-inspired hardware and algorithm co-design for low power online training on the edge. In our conversation with Melika, we explore her work at the intersection of ML and neuroinformatics, what makes the proposed architecture “brain-inspired”, and how techniques like online learning fit into the picture. We also discuss the characteristics of the devices that are running the algorithms she’s creating, and the challenges of adapting online learning-style algorithms to this hardware. The complete show notes for this episode can be found at twimlai.com/go/585

Equivariant Priors for Compressed Sensing with Arash Behboodi - #584
Today we’re joined by Arash Behboodi, a machine learning researcher at Qualcomm Technologies. In our conversation with Arash, we explore his paper Equivariant Priors for Compressed Sensing with Unknown Orientation, which proposes using equivariant generative models as a prior means to show that signals with unknown orientations can be recovered with iterative gradient descent on the latent space of these models and provide additional theoretical recovery guarantees. We discuss the differences between compression and compressed sensing, how he was able to evolve a traditional VAE architecture to understand equivalence, and some of the research areas he’s applying this work, including cryo-electron microscopy. We also discuss a few of the other papers that his colleagues have submitted to the conference, including Overcoming Oscillations in Quantization-Aware Training, Variational On-the-Fly Personalization, and CITRIS: Causal Identifiability from Temporal Intervened Sequences. The complete show notes for this episode can be found at twimlai.com/go/584

Managing Data Labeling Ops for Success with Audrey Smith - #583
Today we continue our Data-Centric AI Series joined by Audrey Smith, the COO at MLtwist, and a recent participant in our panel on DCAI. In our conversation, we do a deep dive into data labeling for ML, exploring the typical journey for an organization to get started with labeling, her experience when making decisions around in-house vs outsourced labeling, and what commitments need to be made to achieve high-quality labels. We discuss how organizations that have made significant investments in labelops typically function, how someone working on an in-house labeling team approaches new projects, the ethical considerations that need to be taken for remote labeling workforces, and much more! The complete show notes for this episode can be found at twimlai.com/go/583

Engineering an ML-Powered Developer-First Search Engine with Richard Socher - #582
Today we’re joined by Richard Socher, the CEO of You.com. In our conversation with Richard, we explore the inspiration and motivation behind the You.com search engine, and how it differs from the traditional google search engine experience. We discuss some of the various ways that machine learning is used across the platform including how they surface relevant search results and some of the recent additions like code completion and a text generator that can write complete essays and blog posts. Finally, we talk through some of the projects we covered in our last conversation with Richard, namely his work on Salesforce’s AI Economist project. The complete show notes for this episode can be found at twimlai.com/go/582

On The Path Towards Robot Vision with Aljosa Osep - #581
Today we wrap up our coverage of the 2022 CVPR conference joined by Aljosa Osep, a postdoc at the Technical University of Munich & Carnegie Mellon University. In our conversation with Aljosa, we explore his broader research interests in achieving robot vision, and his vision for what it will look like when that goal is achieved. The first paper we dig into is Text2Pos: Text-to-Point-Cloud Cross-Modal Localization, which proposes a cross-modal localization module that learns to align textual descriptions with localization cues in a coarse-to-fine manner. Next up, we explore the paper Forecasting from LiDAR via Future Object Detection, which proposes an end-to-end approach for detection and motion forecasting based on raw sensor measurement as opposed to ground truth tracks. Finally, we discuss Aljosa’s third and final paper Opening up Open-World Tracking, which proposes a new benchmark to analyze existing efforts in multi-object tracking and constructs a baseline for these tasks. The complete show notes for this episode can be found at twimlai.com/go/581

More Language, Less Labeling with Kate Saenko - #580
Today we continue our CVPR series joined by Kate Saenko, an associate professor at Boston University and a consulting professor for the MIT-IBM Watson AI Lab. In our conversation with Kate, we explore her research in multimodal learning, which she spoke about at the Multimodal Learning and Applications Workshop, one of a whopping 6 workshops she spoke at. We discuss the emergence of multimodal learning, the current research frontier, and Kate’s thoughts on the inherent bias in LLMs and how to deal with it. We also talk through some of the challenges that come up when building out applications, including the cost of labeling, and some of the methods she’s had success with. Finally, we discuss Kate’s perspective on the monopolizing of computing resources for “foundational” models, and her paper Unsupervised Domain Generalization by learning a Bridge Across Domains. The complete show notes for this episode can be found at twimlai.com/go/580

Optical Flow Estimation, Panoptic Segmentation, and Vision Transformers with Fatih Porikli - #579
Today we kick off our annual coverage of the CVPR conference joined by Fatih Porikli, Senior Director of Engineering at Qualcomm AI Research. In our conversation with Fatih, we explore a trio of CVPR-accepted papers, as well as a pair of upcoming workshops at the event. The first paper, Panoptic, Instance and Semantic Relations: A Relational Context Encoder to Enhance Panoptic Segmentation, presents a novel framework to integrate semantic and instance contexts for panoptic segmentation. Next up, we discuss Imposing Consistency for Optical Flow Estimation, a paper that introduces novel and effective consistency strategies for optical flow estimation. The final paper we discuss is IRISformer: Dense Vision Transformers for Single-Image Inverse Rendering in Indoor Scenes, which proposes a transformer architecture to simultaneously estimate depths, normals, spatially-varying albedo, roughness, and lighting from a single image of an indoor scene. For each paper, we explore the motivations and challenges and get concrete examples to demonstrate each problem and solution presented. The complete show notes for this episode can be found at twimlai.com/go/579

Data Governance for Data Science with Adam Wood - #578
Today we’re joined by Adam Wood, Director of Data Governance and Data Quality at Mastercard. In our conversation with Adam, we explore the challenges that come along with data governance at a global scale, including dealing with regional regulations like GDPR and federating records at scale. We discuss the role of feature stores in keeping track of data lineage and how Adam and his team have dealt with the challenges of metadata management, how large organizations like Mastercard are dealing with enabling feature reuse, and the steps they take to alleviate bias, especially in scenarios like acquisitions. Finally, we explore data quality for data science and why Adam sees it as an encouraging area of growth within the company, as well as the investments they’ve made in tooling around data management, catalog, feature management, and more. The complete show notes for this episode can be found at twimlai.com/go/578

Feature Platforms for Data-Centric AI with Mike Del Balso - #577
In the latest installment of our Data-Centric AI series, we’re joined by a friend of the show Mike Del Balso, Co-founder and CEO of Tecton. If you’ve heard any of our other conversations with Mike, you know we spend a lot of time discussing feature stores, or as he now refers to them, feature platforms. We explore the current complexity of data infrastructure broadly and how that has changed over the last five years, as well as the maturation of streaming data platforms. We discuss the wide vs deep paradox that exists around ML tooling, and the idea around the “ML Flywheel”, a strategy that leverages data to accelerate machine learning. Finally, we spend time discussing internal ML team construction, some of the challenges that organizations face when building their ML platforms teams, and how they can avoid the pitfalls as they arise. The complete show notes for this episode can be found at twimlai.com/go/577

The Fallacy of "Ground Truth" with Shayan Mohanty - #576
Today we continue our Data-centric AI series joined by Shayan Mohanty, CEO at Watchful. In our conversation with Shayan, we focus on the data labeling aspect of the machine learning process, and ways that a data-centric approach could add value and reduce cost by multiple orders of magnitude. Shayan helps us define “data-centric”, while discussing the main challenges that organizations face when dealing with labeling, how these problems are currently being solved, and how techniques like active learning and weak supervision could be used to more effectively label. We also explore the idea of machine teaching, which focuses on using techniques that make the model training process more efficient, and what organizations need to be successful when trying to make the aforementioned mindset shift to DCAI. The complete show notes for this episode can be found at twimlai.com/go/576

Principle-centric AI with Adrien Gaidon - #575
This week, we continue our conversations around the topic of Data-Centric AI joined by a friend of the show Adrien Gaidon, the head of ML research at the Toyota Research Institute (TRI). In our chat, Adrien expresses a fourth, somewhat contrarian, viewpoint to the three prominent schools of thought that organizations tend to fall into, as well as a great story about how the breakthrough came via an unlikely source. We explore his principle-centric approach to machine learning as well as the role of self-supervised machine learning and synthetic data in this and other research threads. Make sure you’re following along with the entire DCAI series at twimlai.com/go/dcai. The complete show notes for this episode can be found at twimlai.com/go/575

Data Debt in Machine Learning with D. Sculley - #574
Today we kick things off with a conversation with D. Sculley, a director on the Google Brain team. Many listeners of today’s show will know D. from his work on the paper, The Hidden Technical Debt in Machine Learning Systems, and of course, the infamous diagram. D. has recently translated the idea of technical debt into data debt, something we spend a bit of time on in the interview. We discuss his view of the concept of DCAI, where debt fits into the conversation of data quality, and what a shift towards data-centrism looks like in a world of increasingly larger models i.e. GPT-3 and the recent PALM models. We also explore common sources of data debt, what are things that the community can and have done to mitigate these issues, the usefulness of causal inference graphs in this work, and much more! If you enjoyed this interview or want to hear more on this topic, check back on the DCAI series page weekly at https://twimlai.com/podcast/twimlai/series/data-centric-ai. The complete show notes for this episode can be found at twimlai.com/go/574

AI for Enterprise Decisioning at Scale with Rob Walker - #573
Today we’re joined by Rob Walker, VP of decisioning & analytics and gm of one-to-one customer engagement at Pegasystems. Rob, who you might know from his previous appearances on the podcast, joins us to discuss his work on AI and ML in the context of customer engagement and decisioning, the various problems that need to be solved, including solving the “next best” problem. We explore the distinction between the idea of the next best action and determining it from a recommender system, how the combination of machine learning and heuristics are currently co-existing in engagements, scaling model evaluation, and some of the challenges they’re facing when dealing with problems of responsible AI and how they’re managed. Finally, we spend a few minutes digging into the upcoming PegaWorld conference, and what attendees should anticipate at the event. The complete show notes for this episode can be found at twimlai.com/go/573

Data Rights, Quantification and Governance for Ethical AI with Margaret Mitchell - #572
Today we close out our coverage of the ICLR series joined by Meg Mitchell, chief ethics scientist and researcher at Hugging Face. In our conversation with Meg, we discuss her participation in the WikiM3L Workshop, as well as her transition into her new role at Hugging Face, which has afforded her the ability to prioritize coding in her work around AI ethics. We explore her thoughts on the work happening in the fields of data curation and data governance, her interest in the inclusive sharing of datasets and creation of models that don't disproportionately underperform or exploit subpopulations, and how data collection practices have changed over the years. We also touch on changes to data protection laws happening in some pretty uncertain places, the evolution of her work on Model Cards, and how she’s using this and recent Data Cards work to lower the barrier to entry to responsibly informed development of data and sharing of data. The complete show notes for this episode can be found at twimlai.com/go/572

Studying Machine Intelligence with Been Kim - #571
Today we continue our ICLR coverage joined by Been Kim, a staff research scientist at Google Brain, and an ICLR 2022 Invited Speaker. Been, whose research has historically been focused on interpretability in machine learning, delivered the keynote Beyond interpretability: developing a language to shape our relationships with AI, which explores the need to study AI machines as scientific objects, in isolation and with humans, which will provide principles for tools, but also is necessary to take our working relationship with AI to the next level. Before we dig into Been’s talk, she characterizes where we are as an industry and community with interpretability, and what the current state of the art is for interpretability techniques. We explore how the Gestalt principles appear in neural networks, Been’s choice to characterize communication with machines as a language as opposed to a set of principles or foundational understanding, and much much more. The complete show notes for this episode can be found at twimlai.com/go/571

Advances in Neural Compression with Auke Wiggers - #570
Today we’re joined by Auke Wiggers, an AI research scientist at Qualcomm. In our conversation with Auke, we discuss his team’s recent research on data compression using generative models. We discuss the relationship between historical compression research and the current trend of neural compression, and the benefit of neural codecs, which learn to compress data from examples. We also explore the performance evaluation process and the recent developments that show that these models can operate in real-time on a mobile device. Finally, we discuss another ICLR paper, “Transformer-based transform coding”, that proposes a vision transformer-based architecture for image and video coding, and some of his team’s other accepted works at the conference. The complete show notes for this episode can be found at twimlai.com/go/570

Mixture-of-Experts and Trends in Large-Scale Language Modeling with Irwan Bello - #569
Today we’re joined by Irwan Bello, formerly a research scientist at Google Brain, and now on the founding team at a stealth AI startup. We begin our conversation with an exploration of Irwan’s recent paper, Designing Effective Sparse Expert Models, which acts as a design guide for building sparse large language model architectures. We discuss mixture of experts as a technique, the scalability of this method, and it's applicability beyond NLP tasks the data sets this experiment was benchmarked against. We also explore Irwan’s interest in the research areas of alignment and retrieval, talking through interesting lines of work for each area including instruction tuning and direct alignment. The complete show notes for this episode can be found at twimlai.com/go/569

Daring to DAIR: Distributed AI Research with Timnit Gebru - #568
Today we’re joined by friend of the show Timnit Gebru, the founder and executive director of DAIR, the Distributed Artificial Intelligence Research Institute. In our conversation with Timnit, we discuss her journey to create DAIR, their goals and some of the challenges shes faced along the way. We start is the obvious place, Timnit being “resignated” from Google after writing and publishing a paper detailing the dangers of large language models, the fallout from that paper and her firing, and the eventual founding of DAIR. We discuss the importance of the “distributed” nature of the institute, how they’re going about figuring out what is in scope and out of scope for the institute’s research charter, and what building an institution means to her. We also explore the importance of independent alternatives to traditional research structures, if we should be pessimistic about the impact of internal ethics and responsible AI teams in industry due to the overwhelming power they wield, examples she looks to of what not to do when building out the institute, and much much more! The complete show notes for this episode can be found at twimlai.com/go/568

Hierarchical and Continual RL with Doina Precup - #567
Today we’re joined by Doina Precup, a research team lead at DeepMind Montreal, and a professor at McGill University. In our conversation with Doina, we discuss her recent research interests, including her work in hierarchical reinforcement learning, with the goal being agents learning abstract representations, especially over time. We also explore her work on reward specification for RL agents, where she hypothesizes that a reward signal in a complex environment could lead an agent to develop attributes of intuitive intelligence. We also dig into quite a few of her papers, including On the Expressivity of Markov Reward, which won a NeruIPS 2021 outstanding paper award. Finally, we discuss the analogy between hierarchical RL and CNNs, her work in continual RL, and her thoughts on the evolution of RL in the recent past and present, and the biggest challenges facing the field going forward. The complete show notes for this episode can be found at twimlai.com/go/567

Open-Source Drug Discovery with DeepChem with Bharath Ramsundar - #566
Today we’re joined by Bharath Ramsundar, founder and CEO of Deep Forest Sciences. In our conversation with Bharath, we explore his work on the DeepChem, an open-source library for drug discovery, materials science, quantum chemistry, and biology tools. We discuss the challenges that biotech and pharmaceutical companies are facing as they attempt to incorporate AI into the drug discovery process, where the innovation frontier is, and what the promise is for AI in this field in the near term. We also dig into the origins of DeepChem and the problems it's solving for practitioners, the capabilities that are enabled when using this library as opposed to others, and MoleculeNET, a dataset and benchmark focused on molecular design that lives within the DeepChem suite. The complete show notes for this episode can be found at twimlai.com/go/566

Advancing Hands-On Machine Learning Education with Sebastian Raschka - #565
Today we’re joined by Sebastian Raschka, an assistant professor at the University of Wisconsin-Madison and lead AI educator at Grid.ai. In our conversation with Sebastian, we explore his work around AI education, including the “hands-on” philosophy that he takes when building these courses, his recent book Machine Learning with PyTorch and Scikit-Learn, his advise to beginners in the field when they’re trying to choose tools and frameworks, and more. We also discuss his work on Pytorch Lightning, a platform that allows users to organize their code and integrate it into other technologies, before switching gears and discuss his recent research efforts around ordinal regression, including a ton of great references that we’ll link on the show notes page below! The complete show notes for this episode can be found at twimlai.com/go/565

Big Science and Embodied Learning at Hugging Face 🤗 with Thomas Wolf - #564
Today we’re joined by Thomas Wolf, co-founder and chief science officer at Hugging Face 🤗. We cover a ton of ground In our conversation, starting with Thomas’ interesting backstory as a quantum physicist and patent lawyer, and how that lead him to a career in machine learning. We explore how Hugging Face began, what the current direction is for the company, and how much of their focus is NLP and language models versus other disciplines. We also discuss the BigScience project, a year-long research workshop where 1000+ researchers of all backgrounds and disciplines have come together to create an 800GB multilingual dataset and model. We talk through their approach to curating the dataset, model evaluation at this scale, and how they differentiate their work from projects like Eluther AI. Finally, we dig into Thomas’ work on multimodality, his thoughts on the metaverse, his new book NLP with Transformers, and much more! The complete show notes for this episode can be found at twimlai.com/go/564

Full-Stack AI Systems Development with Murali Akula - #563
Today we’re joined by Murali Akula, a Sr. director of Software Engineering at Qualcomm. In our conversation with Murali, we explore his role at Qualcomm, where he leads the corporate research team focused on the development and deployment of AI onto Snapdragon chips, their unique definition of “full stack”, and how that philosophy permeates into every step of the software development process. We explore the complexities that are unique to doing machine learning on resource constrained devices, some of the techniques that are being applied to get complex models working on mobile devices, and the process for taking these models from research into real-world applications. We also discuss a few more tools and recent developments, including DONNA for neural architecture search, X-Distill, a method of improving the self-supervised training of monocular depth, and the AI Model Effeciency Toolkit, a library that provides advanced quantization and compression techniques for trained neural network models. The complete show notes for this episode can be found at twimlai.com/go/563

100x Improvements in Deep Learning Performance with Sparsity, w/ Subutai Ahmad - #562
Today we’re joined by Subutai Ahmad, VP of research at Numenta. While we’ve had numerous conversations about the biological inspirations of deep learning models with folks working at the intersection of deep learning and neuroscience, we dig into uncharted territory with Subutai. We set the stage by digging into some of fundamental ideas behind Numenta’s research and the present landscape of neuroscience, before exploring our first big topic of the podcast: the cortical column. Cortical columns are a group of neurons in the cortex of the brain which have nearly identical receptive fields; we discuss the behavior of these columns, why they’re a structure worth mimicing computationally, how far along we are in understanding the cortical column, and how these columns relate to neurons. We also discuss what it means for a model to have inherent 3d understanding and for computational models to be inherently sensory motor, and where we are with these lines of research. Finally, we dig into our other big idea, sparsity. We explore the fundamental ideals of sparsity and the differences between sparse and dense networks, and applying sparsity and optimization to drive greater efficiency in current deep learning networks, including transformers and other large language models. The complete show notes for this episode can be found at twimlai.com/go/562

Scaling BERT and GPT for Financial Services with Jennifer Glore - #561
Today we’re joined by Jennifer Glore, VP of customer engineering at SambaNova Systems. In our conversation with Jennifer, we discuss how, and why, Sambanova, who is primarily focused on building hardware to support machine learning applications, has built a GPT language model for the financial services industry. Jennifer shares her thoughts on the progress of industries like banking and finance, as well as other traditional organizations, in their attempts at using transformers and other models, and where they’ve begun to see success, as well as some of the hidden challenges that orgs run into that impede their progress. Finally, we explore their experience replicating the GPT-3 paper from a R&D perspective, how they’re addressing issues of predictability, controllability, governance, etc, and much more. The complete show notes for this episode can be found at twimlai.com/go/561

Trends in Deep Reinforcement Learning with Kamyar Azizzadenesheli - #560
Today we’re joined by Kamyar Azizzadenesheli, an assistant professor at Purdue University, to close out our AI Rewind 2021 series! In this conversation, we focused on all things deep reinforcement learning, starting with a general overview of the direction of the field, and though it might seem to be slowing, thats just a product of the light being shined constantly on the CV and NLP spaces. We dig into themes like the convergence of RL methodology with both robotics and control theory, as well as a few trends that Kamyar sees over the horizon, such as self-supervised learning approaches in RL. We also talk through Kamyar’s predictions for RL in 2022 and beyond. This was a fun conversation, and I encourage you to look through all the great resources that Kamyar shared on the show notes page at twimlai.com/go/560!

Deep Reinforcement Learning at the Edge of the Statistical Precipice with Rishabh Agarwal - #559
Today we’re joined by Rishabh Agarwal, a research scientist at Google Brain in Montreal. In our conversation with Rishabh, we discuss his recent paper Deep Reinforcement Learning at the Edge of the Statistical Precipice, which won an outstanding paper award at the most recent NeurIPS conference. In this paper, Rishabh and his coauthors call for a change in how deep RL performance is reported on benchmarks when using only a few runs, acknowledging that typically, DeepRL algorithms are evaluated by the performance on a large suite of tasks. Using the Atari 100k benchmark, they found substantial disparities in the conclusions from point estimates alone versus statistical analysis. We explore the reception of this paper from the research community, some of the more surprising results, what incentives researchers have to implement these types of changes in self-reporting when publishing, and much more. The complete show notes for this episode can be found at twimlai.com/go/559

Designing New Energy Materials with Machine Learning with Rafael Gomez-Bombarelli - #558
Today we’re joined by Rafael Gomez-Bombarelli, an assistant professor in the department of material science and engineering at MIT. In our conversation with Rafa, we explore his goal of fusing machine learning and atomistic simulations for designing materials, a topic he spoke about at the recent SigOpt AI & HPC Summit. We discuss the two ways in which he thinks of material design, virtual screening and inverse design, as well as the unique challenges each technique presents. We also talk through the use of generative models for simulation, the type of training data necessary for these tasks, and if he’s building hand-coded simulations vs existing packages or tools. Finally, we explore the dynamic relationship between simulation and modeling and how the results of one drive the others efforts, and how hyperparameter optimization gets incorporated into the various projects. The complete show notes for this episode can be found at twimlai.com/go/558

Differentiable Programming for Oceanography with Patrick Heimbach - #557
Today we’re joined by Patrick Heimbach, a professor at the University of Texas working at the intersection of ML and oceanography. In our conversation with Patrick, we explore some of the challenges of computational oceanography, the potential use cases for machine learning in this field, as well as how it can be used to support scientists in solving simulation problems, and the role of differential programming and how it is expressed in his work. The complete show notes for this episode can be found at twimlai.com/go/557

Trends in Machine Learning & Deep Learning with Zachary Lipton - #556
Today we continue our AI Rewind 2021 series joined by a friend of the show, assistant professor at Carnegie Mellon University, and AI Rewind veteran, Zack Lipton! In our conversation with Zack, we touch on recurring themes like “NLP Eating AI” and the recent slowdown in innovation in the field, the redistribution of resources across research problems, and where the opportunities for real breakthroughs lie. We also discuss problems facing the current peer-review system, notable research from last year like the introduction of the WILDS library, and the evolution of problems (and potential solutions) in fairness, bias, and equity. Of course, we explore some of the use cases and application areas that made notable progress in 2021, what Zack is looking forward to in 2022 and beyond, and much more! The complete show notes for this episode can be found at twimlai.com/go/556

Solving the Cocktail Party Problem with Machine Learning, w/ Jonathan Le Roux - #555
Today we’re joined by Jonathan Le Roux, a senior principal research scientist at Mitsubishi Electric Research Laboratories (MERL). At MERL, Jonathan and his team are focused on using machine learning to solve the “cocktail party problem”, focusing on not only the separation of speech from noise, but also the separation of speech from speech. In our conversation with Jonathan, we focus on his paper The Cocktail Fork Problem: Three-Stem Audio Separation For Real-World Soundtracks, which looks to separate and enhance a complex acoustic scene into three distinct categories, speech, music, and sound effects. We explore the challenges of working with such noisy data, the model architecture used to solve this problem, how ML/DL fits into solving the larger cocktail party problem, future directions for this line of research, and much more! The complete show notes for this episode can be found at twimlai.com/go/555

Machine Learning for Earthquake Seismology with Karianne Bergen - #554
Today we’re joined by Karianne Bergen, an assistant professor at Brown University. In our conversation with Karianne, we explore her work at the intersection of earthquake seismology and machine learning, where she’s working on interpretable data classification for seismology. We discuss some of the challenges that present themselves when trying to solve this problem, and the state of applying machine learning to seismological events and earth sciences. Karianne also shares her thoughts on the different relationships that computer scientists and natural scientists have with machine learning, and how to bridge that gap to create tools that work broadly for all scientists. The complete show notes for this episode can be found at twimlai.com/go/554

The New DBfication of ML/AI with Arun Kumar - #553
Today we’re joined by Arun Kumarm, an associate professor at UC San Diego. We had the pleasure of catching up with Arun prior to the Workshop on Databases and AI at NeurIPS 2021, where he delivered the talk “The New DBfication of ML/AI.” In our conversation, we explore this “database-ification” of machine learning, a concept analogous to the transformation of relational SQL computation. We discuss the relationship between the ML and database fields and how the merging of the two could have positive outcomes for the end-to-end ML workflow, and a few tools that his team has developed, Cerebro, a tool for reproducible model selection, and SortingHat, a tool for automating data prep, and how tools like these and others affect Arun’s outlook on the future of machine learning platforms and MLOps. The complete show notes for this episode can be found at twimlai.com/go/553

Building Public Interest Technology with Meredith Broussard - #552
Today we’re joined by Meredith Broussard, an associate professor at NYU & research director at the NYU Alliance for Public Interest Technology. Meredith was a keynote speaker at the recent NeurIPS conference, and we had the pleasure of speaking with her to discuss her talk from the event, and her upcoming book, tentatively titled More Than A Glitch: What Everyone Needs To Know About Making Technology Anti-Racist, Accessible, And Otherwise Useful To All. In our conversation, we explore Meredith’s work in the field of public interest technology, and her view of the relationship between technology and artificial intelligence. Meredith and Sam talk through real-world scenarios where an emphasis on monitoring bias and responsibility would positively impact outcomes, and how this type of monitoring parallels the infrastructure that many organizations are already building out. Finally, we talk through the main takeaways from Meredith’s NeurIPS talk, and how practitioners can get involved in the work of building and deploying public interest technology. The complete show notes for this episode can be found at twimlai.com/go/552

A Universal Law of Robustness via Isoperimetry with Sebastien Bubeck - #551
Today we’re joined by Sebastian Bubeck a sr principal research manager at Microsoft, and author of the paper A Universal Law of Robustness via Isoperimetry, a NeurIPS 2021 Outstanding Paper Award recipient. We begin our conversation with Sebastian with a bit of a primer on convex optimization, a topic that hasn’t come up much in previous interviews. We explore the problem that convex optimization is trying to solve, the application of convex optimization to multi-armed bandit problems, metrical task systems and solving the K-server problem. We then dig into Sebastian’s paper, which looks to prove that for a broad class of data distributions and model classes, overparameterization is necessary if one wants to interpolate the data. Finally, we discussed the relationship between the paper and the work being done in the adversarial robustness community. The complete show notes for this episode can be found at twimlai.com/go/551

Trends in NLP with John Bohannon - #550
Today we’re joined by friend of the show John Bohannon, the director of science at Primer AI, to help us showcase all of the great achievements and accomplishments in NLP in 2021! In our conversation, John shares his two major takeaways from last year, 1) NLP as we know it has changed, and we’re back into the incremental phase of the science, and 2) NLP is “eating” the rest of machine learning. We explore the implications of these two major themes across the discipline, as well as best papers, up and coming startups, great things that did happen, and even a few bad things that didn’t. Finally, we explore what 2022 and beyond will look like for NLP, from multilingual NLP to use cases for the influx of large auto-regressive language models like GPT-3 and others, as well as ethical implications that are reverberating across domains and the changes that have been ushered in in that vein. The complete show notes for this episode can be found at twimlai.com/go/550

Trends in Computer Vision with Georgia Gkioxari - #549
Happy New Year! We’re excited to kick off 2022 joined by Georgia Gkioxari, a research scientist at Meta AI, to showcase the best advances in the field of computer vision over the past 12 months, and what the future holds for this domain. Welcome back to AI Rewind! In our conversation Georgia highlights the emergence of the transformer model in CV research, what kind of performance results we’re seeing vs CNNs, and the immediate impact of NeRF, amongst a host of other great research. We also explore what is ImageNet’s place in the current landscape, and if it's time to make big changes to push the boundaries of what is possible with image, video and even 3D data, with challenges like the Metaverse, amongst others, on the horizon. Finally, we touch on the startups to keep an eye on, the collaborative efforts of software and hardware researchers, and the vibe of the “ImageNet moment” being upon us once again. The complete show notes for this episode can be found at twimlai.com/go/549

Kids Run the Darndest Experiments: Causal Learning in Children with Alison Gopnik - #548
Today we close out the 2021 NeurIPS series joined by Alison Gopnik, a professor at UC Berkeley and an invited speaker at the Causal Inference & Machine Learning: Why now? Workshop. In our conversation with Alison, we explore the question, “how is it that we can know so much about the world around us from so little information?,” and how her background in psychology, philosophy, and epistemology has guided her along the path to finding this answer through the actions of children. We discuss the role of causality as a means to extract representations of the world and how the “theory theory” came about, and how it was demonstrated to have merit. We also explore the complexity of causal relationships that children are able to deal with and what that can tell us about our current ML models, how the training and inference stages of the ML lifecycle are akin to childhood and adulthood, and much more! The complete show notes for this episode can be found at twimlai.com/go/548

Hypergraphs, Simplicial Complexes and Graph Representations of Complex Systems with Tina Eliassi-Rad - #547
Today we continue our NeurIPS coverage joined by Tina Eliassi-Rad, a professor at Northeastern University, and an invited speaker at the I Still Can't Believe It's Not Better! Workshop. In our conversation with Tina, we explore her research at the intersection of network science, complex networks, and machine learning, how graphs are used in her work and how it differs from typical graph machine learning use cases. We also discuss her talk from the workshop, “The Why, How, and When of Representations for Complex Systems”, in which Tina argues that one of the reasons practitioners have struggled to model complex systems is because of the lack of connection to the data sourcing and generation process. This is definitely a NERD ALERT approved interview! The complete show notes for this episode can be found at twimlai.com/go/547

Deep Learning, Transformers, and the Consequences of Scale with Oriol Vinyals - #546
Today we’re excited to kick off our annual NeurIPS, joined by Oriol Vinyals, the lead of the deep learning team at Deepmind. We cover a lot of ground in our conversation with Oriol, beginning with a look at his research agenda and why the scope has remained wide even through the maturity of the field, his thoughts on transformer models and if they will get us beyond the current state of DL, or if some other model architecture would be more advantageous. We also touch on his thoughts on the large language models craze, before jumping into his recent paper StarCraft II Unplugged: Large Scale Offline Reinforcement Learning, a follow up to their popular AlphaStar work from a few years ago. Finally, we discuss the degree to which the work that Deepmind and others are doing around games actually translates into real-world, non-game scenarios, recent work on multimodal few-shot learning, and we close with a discussion of the consequences of the level of scale that we’ve achieved thus far. The complete show notes for this episode can be found at twimlai.com/go/546

Optimization, Machine Learning and Intelligent Experimentation with Michael McCourt - #545
Today we’re joined by Michael McCourt the head of engineering at SigOpt. In our conversation with Michael, we explore the vast space around the topic of optimization, including the technical differences between ML and optimization and where they’re applied, what the path to increasing complexity looks like for a practitioner and the relationship between optimization and active learning. We also discuss the research frontier for optimization and how folks think about the interesting challenges and open questions for this field, how optimization approaches appeared at the latest NeurIPS conference, and Mike’s excitement for the emergence of interdisciplinary work between the machine learning community and other fields like the natural sciences. The complete show notes for this episode can be found at twimlai.com/go/545

Jupyter and the Evolution of ML Tooling with Brian Granger - #544
Today we conclude our AWS re:Invent coverage joined by Brian Granger, a senior principal technologist at Amazon Web Services, and a co-creator of Project Jupyter. In our conversion with Brian, we discuss the inception and early vision of Project Jupyter, including how the explosion of machine learning and deep learning shifted the landscape for the notebook, and how they balanced the needs of these new user bases vs their existing community of scientific computing users. We also explore AWS’s role with Jupyter and why they’ve decided to invest resources in the project, Brian's thoughts on the broader ML tooling space, and how they’ve applied (and the impact of) HCI principles to the building of these tools. Finally, we dig into the recent Sagemaker Canvas and Studio Lab releases and Brian’s perspective on the future of notebooks and the Jupyter community at large. The complete show notes for this episode can be found at twimlai.com/go/544

Creating a Data-Driven Culture at ADP with Jack Berkowitz - #543
Today we continue our 2021 re:Invent series joined by Jack Berkowitz, chief data officer at ADP. In our conversation with Jack, we explore the ever evolving role and growth of machine learning at the company, from the evolution of their ML platform, to the unique team structure. We discuss Jack’s perspective on data governance, the broad use cases for ML, how they approached the decision to move to the cloud, and the impact of scale in the way they deal with data. Finally, we touch on where innovation comes from at ADP, and the challenge of getting the talent it needs to innovate as a large “legacy” company. The complete show notes for this episode can be found at twimlai.com/go/543

re:Invent Roundup 2021 with Bratin Saha - #542
Today we’re joined by Bratin Saha, vice president and general manager at Amazon. In our conversation with Bratin, we discuss quite a few of the recent ML-focused announcements coming out of last weeks re:Invent conference, including new products like Canvas and Studio Lab, as well as upgrades to existing services like Ground Truth Plus. We explore what no-code environments like the aforementioned Canvas mean for the democratization of ML tooling, and some of the key challenges to delivering it as a consumable product. We also discuss industrialization as a subset of MLOps, and how customer patterns inform the creation of these tools, and much more! The complete show notes for this episode can be found at twimlai.com/go/542.

Multi-modal Deep Learning for Complex Document Understanding with Doug Burdick - #541
Today we’re joined by Doug Burdick, a principal research staff member at IBM Research. In a recent interview, Doug’s colleague Yunyao Li joined us to talk through some of the broader enterprise NLP problems she’s working on. One of those problems is making documents machine consumable, especially with the traditionally archival file type, the PDF. That’s where Doug and his team come in. In our conversation, we discuss the multimodal approach they’ve taken to identify, interpret, contextualize and extract things like tables from a document, the challenges they’ve faced when dealing with the tables and how they evaluate the performance of models on tables. We also explore how he’s handled generalizing across different formats, how fine-tuning has to be in order to be effective, the problems that appear on the NLP side of things, and how deep learning models are being leveraged within the group. The complete show notes for this episode can be found at twimlai.com/go/541

Predictive Maintenance Using Deep Learning and Reliability Engineering with Shayan Mortazavi - #540
Today we’re joined by Shayan Mortazavi, a data science manager at Accenture. In our conversation with Shayan, we discuss his talk from the recent SigOpt HPC & AI Summit, titled A Novel Framework Predictive Maintenance Using Dl and Reliability Engineering. In the talk, Shayan proposes a novel deep learning-based approach for prognosis prediction of oil and gas plant equipment in an effort to prevent critical damage or failure. We explore the evolution of reliability engineering, the decision to use a residual-based approach rather than traditional anomaly detection to determine when an anomaly was happening, the challenges of using LSTMs when building these models, the amount of human labeling required to build the models, and much more! The complete show notes for this episode can be found at twimlai.com/go/540

Building a Deep Tech Startup in NLP with Nasrin Mostafazadeh - #539
Today we’re joined by friend-of-the-show Nasrin Mostafazadeh, co-founder of Verneek. Though Verneek is still in stealth, Nasrin was gracious enough to share a bit about the company, including their goal of enabling anyone to make data-informed decisions without the need for a technical background, through the use of innovative human-machine interfaces. In our conversation, we explore the state of AI research in the domains relevant to the problem they’re trying to solve and how they use those insights to inform and prioritize their research agenda. We also discuss what advice Nasrin would give to someone thinking about starting a deep tech startup or going from research to product development. The complete show notes for today’s show can be found at twimlai.com/go/539.

Models for Human-Robot Collaboration with Julie Shah - #538
Today we’re joined by Julie Shah, a professor at the Massachusetts Institute of Technology (MIT). Julie’s work lies at the intersection of aeronautics, astronautics, and robotics, with a specific focus on collaborative and interactive robotics. In our conversation, we explore how robots would achieve the ability to predict what their human collaborators are thinking, what the process of building knowledge into these systems looks like, and her big picture idea of developing a field robot that doesn’t “require a human to be a robot” to work with it. We also discuss work Julie has done on cross-training between humans and robots with the focus on getting them to co-learn how to work together, as well as future projects that she’s excited about. The complete show notes for this episode can be found at twimlai.com/go/538.

Four Key Tools for Robust Enterprise NLP with Yunyao Li - #537
Today we’re joined by Yunyao Li, a senior research manager at IBM Research. Yunyao is in a somewhat unique position at IBM, addressing the challenges of enterprise NLP in a traditional research environment, while also having customer engagement responsibilities. In our conversation with Yunyao, we explore the challenges associated with productizing NLP in the enterprise, and if she focuses on solving these problems independent of one another, or through a more unified approach. We then ground the conversation with real-world examples of these enterprise challenges, including enabling level document discovery at scale using combinations of techniques like deep neural networks and supervised and/or unsupervised learning, and entity extraction and semantic parsing to identify text. Finally, we talk through data augmentation in the context of NLP, and how we enable the humans in-the-loop to generate high-quality data. The complete show notes for this episode can be found at twimlai.com/go/537

Machine Learning at GSK with Kim Branson - #536
Today we’re joined by Kim Branson, the SVP and global head of artificial intelligence and machine learning at GSK. We cover a lot of ground in our conversation, starting with a breakdown of GSK’s core pharmaceutical business, and how ML/AI fits into that equation, use cases that appear using genetics data as a data source, including sequential learning for drug discovery. We also explore the 500 billion node knowledge graph Kim’s team built to mine scientific literature, and their “AI Hub”, the ML/AI infrastructure team that handles all tooling and engineering problems within their organization. Finally, we explore their recent cancer research collaboration with King’s College, which is tasked with understanding the individualized needs of high- and low-risk cancer patients using ML/AI amongst other technologies. The complete show notes for this episode can be found at twimlai.com/go/536.

The Benefit of Bottlenecks in Evolving Artificial Intelligence with David Ha - #535
Today we’re joined by David Ha, a research scientist at Google. In nature, there are many examples of “bottlenecks”, or constraints, that have shaped our development as a species. Building upon this idea, David posits that these same evolutionary bottlenecks could work when training neural network models as well. In our conversation with David, we cover a TON of ground, including the aforementioned biological inspiration for his work, then digging deeper into the different types of constraints he’s applied to ML systems. We explore abstract generative models and how advanced training agents inside of generative models has become, and quite a few papers including Neuroevolution of self-interpretable agents, World Models and Attention for Reinforcement Learning, and The Sensory Neuron as a Transformer: Permutation-Invariant Neural Networks for Reinforcement Learning. This interview is Nerd Alert certified, so get your notes ready! PS. David is one of our favorite follows on Twitter (@hardmaru), so check him out and share your thoughts on this interview and his work! The complete show notes for this episode can be found at twimlai.com/go/535

Facebook Abandons Facial Recognition. Should Everyone Else Follow Suit? With Luke Stark - #534
Today we’re joined by Luke Stark, an assistant professor at Western University in London, Ontario. In our conversation with Luke, we explore the existence and use of facial recognition technology, something Luke has been critical of in his work over the past few years, comparing it to plutonium. We discuss Luke’s recent paper, “Physiognomic Artificial Intelligence”, in which he critiques studies that will attempt to use faces and facial expressions and features to make determinations about people, a practice fundamental to facial recognition, also one that Luke believes is inherently racist at its core. Finally, briefly discuss the recent wave of hires at the FTC, and the news that broke (mid-recording) announcing that Facebook will be shutting down their facial recognition system and why it's not necessarily the game-changing announcement it seemed on its… face. The complete show notes for this episode can be found at twimlai.com/go/534.

Building Blocks of Machine Learning at LEGO with Francesc Joan Riera - #533
Today we’re joined by Francesc Joan Riera, an applied machine learning engineer at The LEGO Group. In our conversation, we explore the ML infrastructure at LEGO, specifically around two use cases, content moderation and user engagement. While content moderation is not a new or novel task, but because their apps and products are marketed towards children, their need for heightened levels of moderation makes it very interesting. We discuss if the moderation system is built specifically to weed out bad actors or passive behaviors if their system has a human-in-the-loop component, why they built a feature store as opposed to a traditional database, and challenges they faced along that journey. We also talk through the range of skill sets on their team, the use of MLflow for experimentation, the adoption of AWS for serverless, and so much more! The complete show notes for this episode can be found at twimlai.com/go/534.

Exploring the FastAI Tooling Ecosystem with Hamel Husain - #532
Today we’re joined by Hamel Husain, Staff Machine Learning Engineer at GitHub. Over the last few years, Hamel has had the opportunity to work on some of the most popular open source projects in the ML world, including fast.ai, nbdev, fastpages, and fastcore, just to name a few. In our conversation with Hamel, we discuss his journey into Silicon Valley, and how he discovered that the ML tooling and infrastructure weren’t quite as advanced as he’d assumed, and how that led him to help build some of the foundational pieces of Airbnb’s Bighead Platform. We also spend time exploring Hamel’s time working with Jeremy Howard and the team creating fast.ai, how nbdev came about, and how it plans to change the way practitioners interact with traditional jupyter notebooks. Finally, talk through a few more tools in the fast.ai ecosystem, fastpages, fastcore, how these tools interact with Github Actions, and the up and coming ML tools that Hamel is excited about. The complete show notes for this episode can be found at twimlai.com/go/532.

Multi-task Learning for Melanoma Detection with Julianna Ianni - #531
In today’s episode, we are joined by Julianna Ianni, vice president of AI research & development at Proscia. In our conversation, Julianna shares her and her team’s research focused on developing applications that would help make the life of pathologists easier by enabling tasks to quickly and accurately be diagnosed using deep learning and AI. We also explore their paper “A Pathology Deep Learning System Capable of Triage of Melanoma Specimens Utilizing Dermatopathologist Consensus as Ground Truth”, while talking through how ML aids pathologists in diagnosing Melanoma by building a multitask classifier to distinguish between low-risk and high-risk cases. Finally, we discussed the challenges involved in designing a model that would help in identifying and classifying Melanoma, the results they’ve achieved, and what the future of this work could look like. The complete show notes for this episode can be found at twimlai.com/go/531.

House Hunters: Machine Learning at Redfin with Akshat Kaul - #530
Today we’re joined by Akshat Kaul, the head of data science and machine learning at Redfin. We’re all familiar with Redfin, but did you know that redfin.com is the largest real estate brokerage site in the US? In our conversation with Akshat, we discuss the history of ML at Redfin and a few of the key use cases that ML is currently being applied to, including recommendations, price estimates, and their “hot homes” feature. We explore their recent foray into building their own internal platform, which they’ve coined “Redeye”, how they’ve built Redeye to support modeling across the business, and how Akshat thinks about the role of the cloud when building and delivering their platform. Finally, we discuss the impact the pandemic has had on ML at the company, and Akshat’s vision for the future of their platform and machine learning at the company more broadly. The complete show notes for this episode can be found at twimlai.com/go/530.

Attacking Malware with Adversarial Machine Learning, w/ Edward Raff - #529
Today we’re joined by Edward Raff, chief scientist and head of the machine learning research group at Booz Allen Hamilton. Edward’s work sits at the intersection of machine learning and cybersecurity, with a particular interest in malware analysis and detection. In our conversation, we look at the evolution of adversarial ML over the last few years before digging into Edward’s recently released paper, Adversarial Transfer Attacks With Unknown Data and Class Overlap. In this paper, Edward and his team explore the use of adversarial transfer attacks and how they’re able to lower their success rate by simulating class disparity. Finally, we talk through quite a few future directions for adversarial attacks, including his interest in graph neural networks. The complete show notes for this episode can be found at twimlai.com/go/529.

Learning to Ponder: Memory in Deep Neural Networks with Andrea Banino - #528
Today we’re joined by Andrea Banino, a research scientist at DeepMind. In our conversation with Andrea, we explore his interest in artificial general intelligence by way of episodic memory, the relationship between memory and intelligence, the challenges of applying memory in the context of neural networks, and how to overcome problems of generalization. We also discuss his work on the PonderNet, a neural network that “budgets” its computational investment in solving a problem, according to the inherent complexity of the problem, the impetus and goals of this research, and how PonderNet connects to his memory research. The complete show notes for this episode can be found at twimlai.com/go/528.

Advancing Deep Reinforcement Learning with NetHack, w/ Tim Rocktäschel - #527
Take our survey at twimlai.com/survey21! Today we’re joined by Tim Rocktäschel, a research scientist at Facebook AI Research and an associate professor at University College London (UCL). Tim’s work focuses on training RL agents in simulated environments, with the goal of these agents being able to generalize to novel situations. Typically, this is done in environments like OpenAI Gym, MuJuCo, or even using Atari games, but these all come with constraints. In Tim’s approach, he utilizes a game called NetHack, which is much more rich and complex than the aforementioned environments. In our conversation with Tim, we explore the ins and outs of using NetHack as a training environment, including how much control a user has when generating each individual game and the challenges he's faced when deploying the agents. We also discuss his work on MiniHack, an environment creation framework and suite of tasks that are based on NetHack, and future directions for this research. The complete show notes for this episode can be found at twimlai.com/go/527.

Building Technical Communities at Stack Overflow with Prashanth Chandrasekar - #526
In this special episode of the show, we’re excited to bring you our conversation with Prashanth Chandrasekar, CEO of Stack Overflow. This interview was recorded as a part of the annual Prosus AI Marketplace event. In our discussion with Prashanth, we explore the impact the pandemic has had on Stack Overflow, how they think about community and enable collaboration in over 100 million monthly users from around the world, and some of the challenges they’ve dealt with when managing a community of this scale. We also examine where Stack Overflow is in their AI journey, use cases illustrating how they’re currently utilizing ML, what their role is in the future of AI-based code generation, what other trends they’ve picked up on over the last few years, and how they’re using those insights to forge the path forward. The complete show notes for this episode can be found at twimlai.com/go/526.

Deep Learning is Eating 5G. Here’s How, w/ Joseph Soriaga - #525
Today we’re joined by Joseph Soriaga, a senior director of technology at Qualcomm. In our conversation with Joseph, we focus on a pair of papers that he and his team will be presenting at Globecom later this year. The first, Neural Augmentation of Kalman Filter with Hypernetwork for Channel Tracking, details the use of deep learning to augment an algorithm to address mismatches in models, allowing for more efficient training and making models more interpretable and predictable. The second paper, WiCluster: Passive Indoor 2D/3D Positioning using WiFi without Precise Labels, explores the use of rf signals to infer what the environment looks like, allowing for estimation of a person’s movement. We also discuss the ability for machine learning and AI to help enable 5G and make it more efficient for these applications, as well as the scenarios that ML would allow for more effective delivery of connected services, and look towards what might be possible in the near future. The complete show notes for this episode can be found at twimlai.com/go/525.

Modeling Human Cognition with RNNs and Curriculum Learning, w/ Kanaka Rajan - #524
Today we’re joined by Kanaka Rajan, an assistant professor at the Icahn School of Medicine at Mt Sinai. Kanaka, who is a recent recipient of the NSF Career Award, bridges the gap between the worlds of biology and artificial intelligence with her work in computer science. In our conversation, we explore how she builds “lego models” of the brain that mimic biological brain functions, then reverse engineers those models to answer the question “do these follow the same operating principles that the biological brain uses?” We also discuss the relationship between memory and dynamically evolving system states, how close we are to understanding how memory actually works, how she uses RNNs for modeling these processes, and what training and data collection looks like. Finally, we touch on her use of curriculum learning (where the task you want a system to learn increases in complexity slowly), and of course, we look ahead at future directions for Kanaka’s research. The complete show notes for this episode can be found at twimlai.com/go/524.

Do You Dare Run Your ML Experiments in Production? with Ville Tuulos - #523
Today we’re joined by a friend of the show and return guest Ville Tuulos, CEO and co-founder of Outerbounds. In our previous conversations with Ville, we explored his experience building and deploying the open-source framework, Metaflow, while working at Netflix. Since our last chat, Ville has embarked on a few new journeys, including writing the upcoming book Effective Data Science Infrastructure, and commercializing Metaflow, both of which we dig into quite a bit in this conversation. We reintroduce the problem that Metaflow was built to solve and discuss some of the unique use cases that Ville has seen since it's release, the relationship between Metaflow and Kubernetes, and the maturity of services like batch and lambdas allowing a complete production ML system to be delivered. Finally, we discuss the degree to which Ville is catering is Outerbounds’ efforts to building tools for the MLOps community, and what the future looks like for him and Metaflow. The complete show notes for this episode can be found at twimlai.com/go/523.

Delivering Neural Speech Services at Scale with Li Jiang - #522
Today we’re joined by Li Jiang, a distinguished engineer at Microsoft working on Azure Speech. In our conversation with Li, we discuss his journey across 27 years at Microsoft, where he’s worked on, among other things, audio and speech recognition technologies. We explore his thoughts on the advancements in speech recognition over the past few years, the challenges, and advantages, of using either end-to-end or hybrid models. We also discuss the trade-offs between delivering accuracy or quality and the kind of runtime characteristics that you require as a service provider, in the context of engineering and delivering a service at the scale of Azure Speech. Finally, we walk through the data collection process for customizing a voice for TTS, what languages are currently supported, managing the responsibilities of threats like deep fakes, the future for services like these, and much more! The complete show notes for this episode can be found at twimlai.com/go/522.

AI’s Legal and Ethical Implications with Sandra Wachter - #521
Today we’re joined by Sandra Wacther, an associate professor and senior research fellow at the University of Oxford. Sandra’s work lies at the intersection of law and AI, focused on what she likes to call “algorithmic accountability”. In our conversation, we explore algorithmic accountability in three segments, explainability/transparency, data protection, and bias, fairness and discrimination. We discuss how the thinking around black boxes changes when discussing applying regulation and law, as well as a breakdown of counterfactual explanations and how they’re created. We also explore why factors like the lack of oversight lead to poor self-regulation, and the conditional demographic disparity test that she helped develop to test bias in models, which was recently adopted by Amazon. The complete show notes for this episode can be found at twimlai.com/go/521.

Compositional ML and the Future of Software Development with Dillon Erb - #520
Today we’re joined by Dillon Erb, CEO of Paperspace. If you’re not familiar with Dillon, he joined us about a year ago to discuss Machine Learning as a Software Engineering Discipline; we strongly encourage you to check out that interview as well. In our conversation, we explore the idea of compositional AI, and if it is the next frontier in a string of recent game-changing machine learning developments. We also discuss a source of constant back and forth in the community around the role of notebooks, and why Paperspace made the choice to pivot towards a more traditional engineering code artifact model after building a popular notebook service. Finally, we talk through their newest release Workflows, an automation and build system for ML applications, which Dillon calls their “most ambitious and comprehensive project yet.” The complete show notes for this episode can be found at twimlai.com/go/520.

Generating SQL Database Queries from Natural Language with Yanshuai Cao - #519
Today we’re joined by Yanshuai Cao, a senior research team lead at Borealis AI. In our conversation with Yanshuai, we explore his work on Turing, their natural language to SQL engine that allows users to get insights from relational databases without having to write code. We do a bit of compare and contrast with the recently released Codex Model from OpenAI, the role that reasoning plays in solving this problem, and how it is implemented in the model. We also talk through various challenges like data augmentation, the complexity of the queries that Turing can produce, and a paper that explores the explainability of this model. The complete show notes for this episode can be found at twimlai.com/go/519.

Social Commonsense Reasoning with Yejin Choi - #518
Today we’re joined by Yejin Choi, a professor at the University of Washington. We had the pleasure of catching up with Yejin after her keynote interview at the recent Stanford HAI “Foundational Models” workshop. In our conversation, we explore her work at the intersection of natural language generation and common sense reasoning, including how she defines common sense, and what the current state of the world is for that research. We discuss how this could be used for creative storytelling, how transformers could be applied to these tasks, and we dig into the subfields of physical and social common sense reasoning. Finally, we talk through the future of Yejin’s research and the areas that she sees as most promising going forward. If you enjoyed this episode, check out our conversation on AI Storytelling Systems with Mark Riedl. The complete show notes for today’s episode can be found at twimlai.com/go/518.

Deep Reinforcement Learning for Game Testing at EA with Konrad Tollmar - #517
Today we’re joined by Konrad Tollmar, research director at Electronic Arts and an associate professor at KTH. In our conversation, we explore his role as the lead of EA’s applied research team SEED and the ways that they’re applying ML/AI across popular franchises like Apex Legends, Madden, and FIFA. We break down a few papers focused on the application of ML to game testing, discussing why deep reinforcement learning is at the top of their research agenda, the differences between training atari games and modern 3D games, using CNNs to detect glitches in games, and of course, Konrad gives us his outlook on the future of ML for games training. The complete show notes for this episode can be found at twimlai.com/go/517.

Exploring AI 2041 with Kai-Fu Lee - #516
Today we’re joined by Kai-Fu Lee, chairman and CEO of Sinovation Ventures and author of AI 2041: Ten Visions for Our Future. In AI 2041, Kai-Fu and co-author Chen Qiufan tell the story of how AI could shape our future through a series of 10 “scientific fiction” short stories. In our conversation with Kai-Fu, we explore why he chose 20 years as the time horizon for these stories, and dig into a few of the stories in more detail. We explore the potential for level 5 autonomous driving and what effect that will have on both established and developing nations, the potential outcomes when dealing with job displacement, and his perspective on how the book will be received. We also discuss the potential consequences of autonomous weapons, if we should actually worry about singularity or superintelligence, and the evolution of regulations around AI in 20 years. We’d love to hear from you! What are your thoughts on any of the stories we discuss in the interview? Will you be checking this book out? Let us know in the comments on the show notes page at twimlai.com/go/516.

Advancing Robotic Brains and Bodies with Daniela Rus - #515
Today we’re joined by Daniela Rus, director of CSAIL & Deputy Dean of Research at MIT. In our conversation with Daniela, we explore the history of CSAIL, her role as director of one of the most prestigious computer science labs in the world, how she defines robots, and her take on the current AI for robotics landscape. We also discuss some of her recent research interests including soft robotics, adaptive control in autonomous vehicles, and a mini surgeon robot made with sausage casing(?!). The complete show notes for this episode can be found at twimlai.com/go/515.

Neural Synthesis of Binaural Speech From Mono Audio with Alexander Richard - #514
Today we’re joined by Alexander Richard, a research scientist at Facebook Reality Labs, and recipient of the ICLR Best Paper Award for his paper “Neural Synthesis of Binaural Speech From Mono Audio.” We begin our conversation with a look into the charter of Facebook Reality Labs, and Alex’s specific Codec Avatar project, where they’re developing AR/VR for social telepresence (applications like this come to mind). Of course, we dig into the aforementioned paper, discussing the difficulty in improving the quality of audio and the role of dynamic time warping, as well as the challenges of creating this model. Finally, Alex shares his thoughts on 3D rendering for audio, and other future research directions. The complete show notes for this episode can be found at twimlai.com/go/514.

Using Brain Imaging to Improve Neural Networks with Alona Fyshe - #513
Today we’re joined by Alona Fyshe, an assistant professor at the University of Alberta. We caught up with Alona on the heels of an interesting panel discussion that she participated in, centered around improving AI systems using research about brain activity. In our conversation, we explore the multiple types of brain images that are used in this research, what representations look like in these images, and how we can improve language models without knowing explicitly how the brain understands the language. We also discuss similar experiments that have incorporated vision, the relationship between computer vision models and the representations that language models create, and future projects like applying a reinforcement learning framework to improve language generation. The complete show notes for this episode can be found at twimlai.com/go/513.

Adaptivity in Machine Learning with Samory Kpotufe - #512
Today we’re joined by Samory Kpotufe, an associate professor at Columbia University and program chair of the 2021 Conference on Learning Theory (COLT). In our conversation with Samory, we explore his research at the intersection of machine learning, statistics, and learning theory, and his goal of reaching self-tuning, adaptive algorithms. We discuss Samory’s research in transfer learning and other potential procedures that could positively affect transfer, as well as his work understanding unsupervised learning including how clustering could be applied to real-world applications like cybersecurity, IoT (Smart homes, smart city sensors, etc) using methods like dimension reduction, random projection, and others. If you enjoyed this interview, you should definitely check out our conversation with Jelani Nelson on the “Theory of Computation.” The complete show notes for this episode can be found at https://twimlai.com/go/512.

A Social Scientist’s Perspective on AI with Eric Rice - #511
Today we’re joined by Eric Rice, associate professor at USC, and the co-director of the USC Center for Artificial Intelligence in Society. Eric is a sociologist by trade, and in our conversation, we explore how he has made extensive inroads within the machine learning community through collaborations with ML academics and researchers. We discuss some of the most important lessons Eric has learned while doing interdisciplinary projects, how the social scientist’s approach to assessment and measurement would be different from a computer scientist's approach to assessing the algorithmic performance of a model. We specifically explore a few projects he’s worked on including HIV prevention amongst the homeless youth population in LA, a project he spearheaded with former guest Milind Tambe, as well as a project focused on using ML techniques to assist in the identification of people in need of housing resources, and ensuring that they get the best interventions possible. If you enjoyed this conversation, I encourage you to check out our conversation with Milind Tambe from last year’s TWIMLfest on Why AI Innovation and Social Impact Go Hand in Hand. The complete show notes for this episode can be found at https://twimlai.com/go/511.

Applications of Variational Autoencoders and Bayesian Optimization with José Miguel Hernández Lobato - #510
Today we’re joined by José Miguel Hernández-Lobato, a university lecturer in machine learning at the University of Cambridge. In our conversation with Miguel, we explore his work at the intersection of Bayesian learning and deep learning. We discuss how he’s been applying this to the field of molecular design and discovery via two different methods, with one paper searching for possible chemical reactions, and the other doing the same, but in 3D and in 3D space. We also discuss the challenges of sample efficiency, creating objective functions, and how those manifest themselves in these experiments, and how he integrated the Bayesian approach to RL problems. We also talk through a handful of other papers that Miguel has presented at recent conferences, which are all linked at twimlai.com/go/510.

Codex, OpenAI’s Automated Code Generation API with Greg Brockman - #509
Today we’re joined by return guest Greg Brockman, co-founder and CTO of OpenAI. We had the pleasure of reconnecting with Greg on the heels of the announcement of Codex, OpenAI’s most recent release. Codex is a direct descendant of GPT-3 that allows users to do autocomplete tasks based on all of the publicly available text and code on the internet. In our conversation with Greg, we explore the distinct results Codex sees in comparison to GPT-3, relative to the prompts it's being given, how it could evolve given different types of training data, and how users and practitioners should think about interacting with the API to get the most out of it. We also discuss Copilot, their recent collaboration with Github that is built on Codex, as well as the implications of Codex on coding education, explainability, and broader societal issues like fairness and bias, copyrighting, and jobs. The complete show notes for this episode can be found at twimlai.com/go/509.

Spatiotemporal Data Analysis with Rose Yu - #508
Today we’re joined by Rose Yu, an assistant professor at the Jacobs School of Engineering at UC San Diego. Rose’s research focuses on advancing machine learning algorithms and methods for analyzing large-scale time-series and spatial-temporal data, then applying those developments to climate, transportation, and other physical sciences. We discuss how Rose incorporates physical knowledge and partial differential equations in these use cases and how symmetries are being exploited. We also explore their novel neural network design that is focused on non-traditional convolution operators and allows for general symmetry, how we get from these representations to the network architectures that she has developed and another recent paper on deep spatio-temporal models. The complete show note for this episode can be found at twimlai.com/go/508.

Parallelism and Acceleration for Large Language Models with Bryan Catanzaro - #507
Today we’re joined by Bryan Catanzaro, vice president of applied deep learning research at NVIDIA. Most folks know Bryan as one of the founders/creators of cuDNN, the accelerated library for deep neural networks. In our conversation, we explore his interest in high-performance computing and its recent overlap with AI, his current work on Megatron, a framework for training giant language models, and the basic approach for distributing a large language model on DGX infrastructure. We also discuss the three different kinds of parallelism, tensor parallelism, pipeline parallelism, and data parallelism, that Megatron provides when training models, as well as his work on the Deep Learning Super Sampling project and the role it's playing in the present and future of game development via ray tracing. The complete show notes for this episode can be found at twimlai.com/go/507.

Applying the Causal Roadmap to Optimal Dynamic Treatment Rules with Lina Montoya - #506
Today we close out our 2021 ICML series joined by Lina Montoya, a postdoctoral researcher at UNC Chapel Hill. In our conversation with Lina, who was an invited speaker at the Neglected Assumptions in Causal Inference Workshop, we explored her work applying Optimal Dynamic Treatment (ODT) to understand which kinds of individuals respond best to specific interventions in the US criminal justice system. We discuss the concept of neglected assumptions and how it connects to ODT rule estimation, as well as a breakdown of the causal roadmap, coined by researchers at UC Berkeley. Finally, Lina talks us through the roadmap while applying the ODT rule problem, how she’s applied a “superlearner” algorithm to this problem, how it was trained, and what the future of this research looks like. The complete show notes for this episode can be found at twimlai.com/go/506.

Constraint Active Search for Human-in-the-Loop Optimization with Gustavo Malkomes - #505
Today we continue our ICML series joined by Gustavo Malkomes, a research engineer at Intel via their recent acquisition of SigOpt. In our conversation with Gustavo, we explore his paper Beyond the Pareto Efficient Frontier: Constraint Active Search for Multiobjective Experimental Design, which focuses on a novel algorithmic solution for the iterative model search process. This new algorithm empowers teams to run experiments where they are not optimizing particular metrics but instead identifying parameter configurations that satisfy constraints in the metric space. This allows users to efficiently explore multiple metrics at once in an efficient, informed, and intelligent way that lends itself to real-world, human-in-the-loop scenarios. The complete show notes for this episode can be found at twimlai.com/go/505.

Fairness and Robustness in Federated Learning with Virginia Smith -#504
Today we kick off our ICML coverage joined by Virginia Smith, an assistant professor in the Machine Learning Department at Carnegie Mellon University. In our conversation with Virginia, we explore her work on cross-device federated learning applications, including where the distributed learning aspects of FL are relative to the privacy techniques. We dig into her paper from ICML, Ditto: Fair and Robust Federated Learning Through Personalization, what fairness means in contrast to AI ethics, the particulars of the failure modes, the relationship between models, and the things being optimized across devices, and the tradeoffs between fairness and robustness. We also discuss a second paper, Heterogeneity for the Win: One-Shot Federated Clustering, how the proposed method makes heterogeneity beneficial in data, how the heterogeneity of data is classified, and some applications of FL in an unsupervised setting. The complete show notes for this episode can be found at twimlai.com/go/504.

Scaling AI at H&M Group with Errol Koolmeister - #503
Today we’re joined by Errol Koolmeister, the head of AI foundation at H&M Group. In our conversation with Errol, we explore H&M’s AI journey, including its wide adoption across the company in 2016, and the various use cases in which it's deployed like fashion forecasting and pricing algorithms. We discuss Errol’s first steps in taking on the challenge of scaling AI broadly at the company, the value-added learning from proof of concepts, and how to align in a sustainable, long-term way. Of course, we dig into the infrastructure and models being used, the biggest challenges faced, and the importance of managing the project portfolio, while Errol shares their approach to building infra for a specific product with many products in mind.

Evolving AI Systems Gracefully with Stefano Soatto - #502
Today we’re joined by Stefano Soatto, VP of AI applications science at AWS and a professor of computer science at UCLA. Our conversation with Stefano centers on recent research of his called Graceful AI, which focuses on how to make trained systems evolve gracefully. We discuss the broader motivation for this research and the potential dangers or negative effects of constantly retraining ML models in production. We also talk about research into error rate clustering, the importance of model architecture when dealing with problems of model compression, how they’ve solved problems of regression and reprocessing by utilizing existing models, and much more. The complete show notes for this episode can be found at twimlai.com/go/502.

ML Innovation in Healthcare with Suchi Saria - #501
Today we’re joined by Suchi Saria, the founder and CEO of Bayesian Health, the John C. Malone associate professor of computer science, statistics, and health policy, and the director of the machine learning and healthcare lab at Johns Hopkins University. Suchi shares a bit about her journey to working in the intersection of machine learning and healthcare, and how her research has spanned across both medical policy and discovery. We discuss why it has taken so long for machine learning to become accepted and adopted by the healthcare infrastructure and where exactly we stand in the adoption process, where there have been “pockets” of tangible success. Finally, we explore the state of healthcare data, and of course, we talk about Suchi’s recently announced startup Bayesian Health and their goals in the healthcare space, and an accompanying study that looks at real-time ML inference in an EMR setting. The complete show notes for this episode can be found at twimlai.com/go/501.

Cross-Device AI Acceleration, Compilation & Execution with Jeff Gehlhaar - #500
Today we’re joined by a friend of the show Jeff Gehlhaar, VP of technology and the head of AI software platforms at Qualcomm. In our conversation with Jeff, we cover a ton of ground, starting with a bit of exploration around ML compilers, what they are, and their role in solving issues of parallelism. We also dig into the latest additions to the Snapdragon platform, AI Engine Direct, and how it works as a bridge to bring more capabilities across their platform, how benchmarking works in the context of the platform, how the work of other researchers we’ve spoken to on compression and quantization finds its way from research to product, and much more! After you check out this interview, you can look below for some of the other conversations with researchers mentioned. The complete show notes for this episode can be found at twimlai.com/go/500.

The Future of Human-Machine Interaction with Dan Bohus and Siddhartha Sen - #499
Today we continue our AI in Innovation series joined by Dan Bohus, senior principal researcher at Microsoft Research, and Siddhartha Sen, a principal researcher at Microsoft Research. In this conversation, we use a pair of research projects, Maia Chess and Situated Interaction, to springboard us into a conversation about the evolution of human-AI interaction. We discuss both of these projects individually, as well as the commonalities they have, how themes like understanding the human experience appear in their work, the types of models being used, the various types of data, and the complexity of each of their setups. We explore some of the challenges associated with getting computers to better understand human behavior and interact in ways that are more fluid. Finally, we touch on what excites both Dan and Sid about their respective projects, and what they’re excited about for the future. The complete show notes for this episode can be found at https://twimlai.com/go/499.

Vector Quantization for NN Compression with Julieta Martinez - #498
Today we’re joined by Julieta Martinez, a senior research scientist at recently announced startup Waabi. Julieta was a keynote speaker at the recent LatinX in AI workshop at CVPR, and our conversation focuses on her talk “What do Large-Scale Visual Search and Neural Network Compression have in Common,” which shows that multiple ideas from large-scale visual search can be used to achieve state-of-the-art neural network compression. We explore the commonality between large databases and dealing with high dimensional, many-parameter neural networks, the advantages of using product quantization, and how that plays out when using it to compress a neural network. We also dig into another paper Julieta presented at the conference, Deep Multi-Task Learning for Joint Localization, Perception, and Prediction, which details an architecture that is able to reuse computation between the three tasks, and is thus able to correct localization errors efficiently. The complete show notes for this episode can be found at twimlai.com/go/498.

Deep Unsupervised Learning for Climate Informatics with Claire Monteleoni - #497
Today we continue our CVPR 2021 coverage joined by Claire Monteleoni, an associate professor at the University of Colorado Boulder. We cover quite a bit of ground in our conversation with Claire, including her journey down the path from environmental activist to one of the leading climate informatics researchers in the world. We explore her current research interests, and the available opportunities in applying machine learning to climate informatics, including the interesting position of doing ML from a data-rich environment. Finally, we dig into the evolution of climate science-focused events and conferences, as well as the Keynote Claire gave at the EarthVision workshop at CVPR “Deep Unsupervised Learning for Climate Informatics,” which focused on semi- and unsupervised deep learning approaches to studying rare and extreme climate events. The complete show notes for this episode can be found at twimlai.com/go/497.

Skip-Convolutions for Efficient Video Processing with Amir Habibian - #496
Today we kick off our CVPR coverage joined by Amir Habibian, a senior staff engineer manager at Qualcomm Technologies. In our conversation with Amir, whose research primarily focuses on video perception, we discuss a few papers they presented at the event. We explore the paper Skip-Convolutions for Efficient Video Processing, which looks at training discrete variables to end to end into visual neural networks. We also discuss his work on his FrameExit paper, which proposes a conditional early exiting framework for efficient video recognition. The complete show notes for this episode can be found at twimlai.com/go/496.

Advancing NLP with Project Debater w/ Noam Slonim - #495
Today we’re joined by Noam Slonim, the principal investigator of Project Debater at IBM Research. In our conversation with Noam, we explore the history of Project Debater, the first AI system that can “debate” humans on complex topics. We also dig into the evolution of the project, which is the culmination of 7 years and over 50 research papers, and eventually becoming a Nature cover paper, “An Autonomous Debating System,” which details the system in its entirety. Finally, Noam details many of the underlying capabilities of Debater, including the relationship between systems preparation and training, evidence detection, detecting the quality of arguments, narrative generation, the use of conventional NLP methods like entity linking, and much more. The complete show notes for this episode can be found at twimlai.com/go/495.

Bringing AI Up to Speed with Autonomous Racing w/ Madhur Behl - #494
Today we’re joined by Madhur Behl, an Assistant Professor in the department of computer science at the University of Virginia. In our conversation with Madhur, we explore the super interesting work he’s doing at the intersection of autonomous driving, ML/AI, and Motorsports, where he’s teaching self-driving cars how to drive in an agile manner. We talk through the differences between traditional self-driving problems and those encountered in a racing environment, the challenges in solving planning, perception, control. We also discuss their upcoming race at the Indianapolis Motor Speedway, where Madhur and his students will compete for 1 million dollars in the world’s first head-to-head fully autonomous race, and how they’re preparing for it.

AI and Society: Past, Present and Future with Eric Horvitz - #493
Today we continue our AI Innovation series joined by Microsoft’s Chief Scientific Officer, Eric Horvitz. In our conversation with Eric, we explore his tenure as AAAI president and his focus on the future of AI and its ethical implications, the scope of the study on the topic, and how drastically the AI and machine learning landscape has changed since 2009. We also discuss Eric’s role at Microsoft and the Aether committee that has advised the company on issues of responsible AI since 2017. Finally, we talk through his recent work as a member of the National Security Commission on AI, where he helped commission a 750+ page report on topics including the Future of AI R&D, Building Trustworthy AI systems, civil liberties and privacy, and the challenging area of AI and autonomous weapons. The complete show notes for this episode can be found at twimlai.com/go/493.

Agile Applied AI Research with Parvez Ahammad - #492
Today we’re joined by Parvez Ahammad, head of data science applied research at LinkedIn. In our conversation, Parvez shares his interesting take on organizing principles for his organization, starting with how data science teams are broadly organized at LinkedIn. We explore how they ensure time investments on long-term projects are managed, how to identify products that can help in a cross-cutting way across multiple lines of business, quantitative methodologies to identify unintended consequences in experimentation, and navigating the tension between research and applied ML teams in an organization. Finally, we discuss differential privacy, and their recently released GreyKite library, an open-source Python library developed to support forecasting. The complete show note for this episode can be found at twimlai.com/go/492.

Haptic Intelligence with Katherine J. Kuchenbecker - #491
Today we’re joined Katherine J. Kuchenbecker, director at the Max Planck Institute for Intelligent Systems and of the haptic intelligence department. In our conversation, we explore Katherine’s research interests, which lie at the intersection of haptics (physical interaction with the world) and machine learning, introducing us to the concept of “haptic intelligence.” We discuss how ML, mainly computer vision, has been integrated to work together with robots, and some of the devices that Katherine’s lab is developing to take advantage of this research. We also talk about hugging robots, augmented reality in robotic surgery, and the degree to which she studies human-robot interaction. Finally, Katherine shares with us her passion for mentoring and the importance of diversity and inclusion in robotics and machine learning. The complete show notes for this episode can be found at twimlai.com/go/491.

Data Science on AWS with Chris Fregly and Antje Barth - #490
Today we continue our coverage of the AWS ML Summit joined by Chris Fregly, a principal developer advocate at AWS, and Antje Barth, a senior developer advocate at AWS. In our conversation with Chris and Antje, we explore their roles as community builders prior to, and since, joining AWS, as well as their recently released book Data Science on AWS. In the book, Chris and Antje demonstrate how to reduce cost and improve performance while successfully building and deploying data science projects. We also discuss the release of their new Practical Data Science Specialization on Coursera, managing the complexity that comes with building real-world projects, and some of their favorite sessions from the recent ML Summit.

Accelerating Distributed AI Applications at Qualcomm with Ziad Asghar - #489
Today we’re joined by Ziad Asghar, vice president of product management for snapdragon technologies & roadmap at Qualcomm Technologies. We begin our conversation with Ziad exploring the symbiosis between 5G and AI and what is enabling developers to take full advantage of AI on mobile devices. We also discuss the balance of product evolution and incorporating research concepts, and the evolution of their hardware infrastructure Cloud AI 100, their role in the deployment of Ingenuity, the robotic helicopter that operated on Mars just last year. Finally, we talk about specialization in building IoT applications like autonomous vehicles and smart cities, the degree to which federated learning is being deployed across the industry, and the importance of privacy and security of personal data. The complete show notes can be found at https://twimlai.com/go/489.

Buy AND Build for Production Machine Learning with Nir Bar-Lev - #488
Today we’re joined by Nir Bar-Lev, co-founder and CEO of ClearML. In our conversation with Nir, we explore how his view of the wide vs deep machine learning platforms paradox has changed and evolved over time, how companies should think about building vs buying and integration, and his thoughts on why experiment management has become an automatic buy, be it open source or otherwise. We also discuss the disadvantages of using a cloud vendor as opposed to a software-based approach, the balance between mlops and data science when addressing issues of overfitting, and how ClearML is applying techniques like federated machine learning and transfer learning to their solutions. The complete show notes for this episode can be found at https://twimlai.com/go/488.

Applied AI Research at AWS with Alex Smola - #487
Today we’re joined by Alex Smola, Vice President and Distinguished Scientist at AWS AI. We had the pleasure to catch up with Alex prior to the upcoming AWS Machine Learning Summit, and we covered a TON of ground in the conversation. We start by focusing on his research in the domain of deep learning on graphs, including a few examples showcasing its function, and an interesting discussion around the relationship between large language models and graphs. Next up, we discuss their focus on AutoML research and how it's the key to lowering the barrier of entry for machine learning research. Alex also shares a bit about his work on causality and causal modeling, introducing us to the concept of Granger causality. Finally, we talk about the aforementioned ML Summit, its exponential growth since its inception a few years ago, and what speakers he's most excited about hearing from. The complete show notes for this episode can be found at https://twimlai.com/go/487.

Causal Models in Practice at Lyft with Sean Taylor - #486
Today we’re joined by Sean Taylor, Staff Data Scientist at Lyft Rideshare Labs. We cover a lot of ground with Sean, starting with his recent decision to step away from his previous role as the lab director to take a more hands-on role, and what inspired that change. We also discuss his research at Rideshare Labs, where they take a more “moonshot” approach to solving the typical problems like forecasting and planning, marketplace experimentation, and decision making, and how his statistical approach manifests itself in his work. Finally, we spend quite a bit of time exploring the role of causality in the work at rideshare labs, including how systems like the aforementioned forecasting system are designed around causal models, if driving model development is more effective using business metrics, challenges associated with hierarchical modeling, and much much more. The complete show notes for this episode can be found at twimlai.com/go/486.

Using AI to Map the Human Immune System w/ Jabran Zahid - #485
Today we’re joined by Jabran Zahid, a Senior Researcher at Microsoft Research. In our conversation with Jabran, we explore their recent endeavor into the complete mapping of which T-cells bind to which antigens through the Antigen Map Project. We discuss how Jabran’s background in astrophysics and cosmology has translated to his current work in immunology and biology, the origins of the antigen map, the biological and how the focus was changed by the emergence of the coronavirus pandemic. We talk through the biological advancements, and the challenges of using machine learning in this setting, some of the more advanced ML techniques that they’ve tried that have not panned out (as of yet), the path forward for the antigen map to make a broader impact, and much more. The complete show notes for this episode can be found at twimlai.com/go/485.

Learning Long-Time Dependencies with RNNs w/ Konstantin Rusch - #484
Today we conclude our 2021 ICLR coverage joined by Konstantin Rusch, a PhD Student at ETH Zurich. In our conversation with Konstantin, we explore his recent papers, titled coRNN and uniCORNN respectively, which focus on a novel architecture of recurrent neural networks for learning long-time dependencies. We explore the inspiration he drew from neuroscience when tackling this problem, how the performance results compared to networks like LSTMs and others that have been proven to work on this problem and Konstantin’s future research goals. The complete show notes for this episode can be found at twimlai.com/go/484.

What the Human Brain Can Tell Us About NLP Models with Allyson Ettinger - #483
Today we continue our ICLR ‘21 series joined by Allyson Ettinger, an Assistant Professor at the University of Chicago. One of our favorite recurring conversations on the podcast is the two-way street that lies between machine learning and neuroscience, which Allyson explores through the modeling of cognitive processes that pertain to language. In our conversation, we discuss how she approaches assessing the competencies of AI, the value of control of confounding variables in AI research, and how the pattern matching traits of Ml/DL models are not necessarily exclusive to these systems. Allyson also participated in a recent panel discussion at the ICLR workshop How Can Findings About The Brain Improve AI Systems?, centered around the utility of brain inspiration for developing AI models. We discuss ways in which we can try to more closely simulate the functioning of a brain, where her work fits into the analysis and interpretability area of NLP, and much more! The complete show notes for this episode can be found at twimlai.com/go/483.

Probabilistic Numeric CNNs with Roberto Bondesan - #482
Today we kick off our ICLR 2021 coverage joined by Roberto Bondesan, an AI Researcher at Qualcomm. In our conversation with Roberto, we explore his paper Probabilistic Numeric Convolutional Neural Networks, which represents features as Gaussian processes, providing a probabilistic description of discretization error. We discuss some of the other work the team at Qualcomm presented at the conference, including a paper called Adaptive Neural Compression, as well as work on Guage Equvariant Mesh CNNs. Finally, we briefly discuss quantum deep learning, and what excites Roberto and his team about the future of their research in combinatorial optimization. The complete show notes for this episode can be found at https://twimlai.com/go/482

Building a Unified NLP Framework at LinkedIn with Huiji Gao - #481
Today we’re joined by Huiji Gao, a Senior Engineering Manager of Machine Learning and AI at LinkedIn. In our conversation with Huiji, we dig into his interest in building NLP tools and systems, including a recent open-source project called DeText, a framework for generating models for ranking classification and language generation. We explore the motivation behind DeText, the landscape at LinkedIn before and after it was put into use broadly, and the various contexts it’s being used in at the company. We also discuss the relationship between BERT and DeText via LiBERT, a version of BERT that is trained and calibrated on LinkedIn data, the practical use of these tools from an engineering perspective, the approach they’ve taken to optimization, and much more! The complete show notes for this episode can be found at https://twimlai.com/go/481.

Dask + Data Science Careers with Jacqueline Nolis - #480
Today we’re joined by Jacqueline Nolis, Head of Data Science at Saturn Cloud, and co-host of the Build a Career in Data Science Podcast. You might remember Jacqueline from our Advancing Your Data Science Career During the Pandemic panel, where she shared her experience trying to navigate the suddenly hectic data science job market. Now, a year removed from that panel, we explore her book on data science careers, top insights for folks just getting into the field, ways that job seekers should be signaling that they have the required background, and how to approach and navigate failure as a data scientist. We also spend quite a bit of time discussing Dask, an open-source library for parallel computing in Python, as well as use cases for the tool, the relationship between dask and Kubernetes and docker containers, where data scientists are in regards to the software development toolchain and much more! The complete show notes for this episode can be found at https://twimlai.com/go/480.

Machine Learning for Equitable Healthcare Outcomes with Irene Chen - #479
Today we’re joined by Irene Chen, a Ph.D. student at MIT. Irene’s research is focused on developing new machine learning methods specifically for healthcare, through the lens of questions of equity and inclusion. In our conversation, we explore some of the various projects that Irene has worked on, including an early detection program for intimate partner violence. We also discuss how she thinks about the long term implications of predictions in the healthcare domain, how she’s learned to communicate across the interface between the ML researcher and clinician, probabilistic approaches to machine learning for healthcare, and finally, key takeaways for those of you interested in this area of research. The complete show notes for this episode can be found at https://twimlai.com/go/479.

AI Storytelling Systems with Mark Riedl - #478
Today we’re joined by Mark Riedl, a Professor in the School of Interactive Computing at Georgia Tech. In our conversation with Mark, we explore his work building AI storytelling systems, mainly those that try and predict what listeners think will happen next in a story and how he brings together many different threads of ML/AI together to solve these problems. We discuss how the theory of mind is layered into his research, the use of large language models like GPT-3, and his push towards being able to generate suspenseful stories with these systems. We also discuss the concept of intentional creativity and the lack of good theory on the subject, the adjacent areas in ML that he’s most excited about for their potential contribution to his research, his recent focus on model explainability, how he approaches problems of common sense, and much more! The complete show notes for this episode can be found at https://twimlai.com/go/478.

Creating Robust Language Representations with Jamie Macbeth - #477
Today we’re joined by Jamie Macbeth, an assistant professor in the department of computer science at Smith College. In our conversation with Jamie, we explore his work at the intersection of cognitive systems and natural language understanding, and how to use AI as a vehicle for better understanding human intelligence. We discuss the tie that binds these domains together, if the tasks are the same as traditional NLU tasks, and what are the specific things he’s trying to gain deeper insights into. One of the unique aspects of Jamie’s research is that he takes an “old-school AI” approach, and to that end, we discuss the models he handcrafts to generate language. Finally, we examine how he evaluates the performance of his representations if he’s not playing the SOTA “game,” what he bookmarks against, identifying deficiencies in deep learning systems, and the exciting directions for his upcoming research. The complete show notes for this episode can be found at https://twimlai.com/go/477.

Reinforcement Learning for Industrial AI with Pieter Abbeel - #476
Today we’re joined by Pieter Abbeel, a Professor at UC Berkeley, co-Director of the Berkeley AI Research Lab (BAIR), as well as Co-founder and Chief Scientist at Covariant. In our conversation with Pieter, we cover a ton of ground, starting with the specific goals and tasks of his work at Covariant, the shift in needs for industrial AI application and robots, if his experience solving real-world problems has changed his opinion on end to end deep learning, and the scope for the three problem domains of the models he’s building. We also explore his recent work at the intersection of unsupervised and reinforcement learning, goal-directed RL, his recent paper “Pretrained Transformers as Universal Computation Engines” and where that research thread is headed, and of course, his new podcast Robot Brains, which you can find on all streaming platforms today! The complete show notes for this episode can be found at twimlai.com/go/476.

AutoML for Natural Language Processing with Abhishek Thakur - #475
Today we’re joined by Abhishek Thakur, a machine learning engineer at Hugging Face, and the world’s first Quadruple Kaggle Grandmaster! In our conversation with Abhishek, we explore his Kaggle journey, including how his approach to competitions has evolved over time, what resources he used to prepare for his transition to a full-time practitioner, and the most important lessons he’s learned along the way. We also spend a great deal of time discussing his new role at HuggingFace, where he's building AutoNLP. We talk through the goals of the project, the primary problem domain, and how the results of AutoNLP compare with those from hand-crafted models. Finally, we discuss Abhishek’s book, Approaching (Almost) Any Machine Learning Problem. The complete show notes for this episode can be found at https://twimlai.com/go/475.

Inclusive Design for Seeing AI with Saqib Shaikh - #474
Today we’re joined by Saqib Shaikh, a Software Engineer at Microsoft, and the lead for the Seeing AI Project. In our conversation with Saqib, we explore the Seeing AI app, an app “that narrates the world around you.” We discuss the various technologies and use cases for the app, and how it has evolved since the inception of the project, how the technology landscape supports projects like this one, and the technical challenges he faces when building out the app. We also the relationship and trust between humans and robots, and how that translates to this app, what Saqib sees on the research horizon that will support his vision for the future of Seeing AI, and how the integration of tech like Apple’s upcoming “smart” glasses could change the way their app is used. The complete show notes for this episode can be found at twimlai.com/go/474.

Theory of Computation with Jelani Nelson - #473
Today we’re joined by Jelani Nelson, a professor in the Theory Group at UC Berkeley. In our conversation with Jelani, we explore his research in computational theory, where he focuses on building streaming and sketching algorithms, random projections, and dimensionality reduction. We discuss how Jelani thinks about the balance between the innovation of new algorithms and the performance of existing ones, and some use cases where we’d see his work in action. Finally, we talk through how his work ties into machine learning, what tools from the theorist’s toolbox he’d suggest all ML practitioners know, and his nonprofit AddisCoder, a 4 week summer program that introduces high-school students to programming and algorithms. The complete show notes for this episode can be found at twimlai.com/go/473.

Human-Centered ML for High-Risk Behaviors with Stevie Chancellor - #472
Today we’re joined by Stevie Chancellor, an Assistant Professor in the Department of Computer Science and Engineering at the University of Minnesota. In our conversation with Stevie, we explore her work at the intersection of human-centered computing, machine learning, and high-risk mental illness behaviors. We discuss how her background in HCC helps shapes her perspective, how machine learning helps with understanding severity levels of mental illness, and some recent work where convolutional graph neural networks are applied to identify and discover new kinds of behaviors for people who struggle with opioid use disorder. We also explore the role of computational linguistics and NLP in her research, issues in using social media data being used as a data source, and finally, how people who are interested in an introduction to human-centered computing can get started. The complete show notes for this episode can be found at twimlai.com/go/472.

Operationalizing AI at Dataiku with Conor Jensen - #471
In this episode, we’re joined by Dataiku’s Director of Data Science, Conor Jensen. In our conversation, we explore the panel he lead at TWIMLcon “AI Operationalization: Where the AI Rubber Hits the Road for the Enterprise,” discussing the ML journey of each panelist’s company, and where Dataiku fits in the equation. The complete show notes for this episode can be found at https://twimlai.com/go/471.

ML Lifecycle Management at Algorithmia with Diego Oppenheimer - #470
In this episode, we’re joined by Diego Oppenheimer, Founder and CEO of Algorithmia. In our conversation, we discuss Algorithmia’s involvement with TWIMLcon, as well as an exploration of the results of their recently conducted survey on the state of the AI market. The complete show notes for this episode can be found at twimlai.com/go/470.
![End to End ML at Cloudera with Santiago Giraldo - #469 [TWIMLcon Sponsor Series]](https://sp.insightcast.ai/storage/v1/render/image/public/podcast-images/e-c1b4a824-10bf-4d13-9248-5c38d0a290dc.jpeg?width=400)
End to End ML at Cloudera with Santiago Giraldo - #469 [TWIMLcon Sponsor Series]
In this episode, we’re joined by Santiago Giraldo, Director Of Product Marketing for Data Engineering & Machine Learning at Cloudera. In our conversation, we discuss Cloudera’s talks at TWIMLcon, as well as their various research efforts from their Fast Forward Labs arm. The complete show notes for this episode can be found at twimlai.com/sponsorseries.
![ML Platforms for Global Scale at Prosus with Paul van der Boor - #468 [TWIMLcon Sponsor Series]](https://sp.insightcast.ai/storage/v1/render/image/public/podcast-images/e-9671de06-48da-4aaa-8d49-44a74158cf50.jpeg?width=400)
ML Platforms for Global Scale at Prosus with Paul van der Boor - #468 [TWIMLcon Sponsor Series]
In this episode, we’re joined by Paul van der Boor, Senior Director of Data Science at Prosus, to discuss his TWIMLcon experience and how they’re using ML platforms to manage machine learning at a global scale. The complete show notes for this episode can be found at twimlai.com/sponsorseries.

Can Language Models Be Too Big? 🦜 with Emily Bender and Margaret Mitchell - #467
Today we’re joined by Emily M. Bender, Professor at the University of Washington, and AI Researcher, Margaret Mitchell. Emily and Meg, as well as Timnit Gebru and Angelina McMillan-Major, are co-authors on the paper On the Dangers of Stochastic Parrots: Can Language Models Be Too Big? 🦜. As most of you undoubtedly know by now, there has been much controversy surrounding, and fallout from, this paper. In this conversation, our main priority was to focus on the message of the paper itself. We spend some time discussing the historical context for the paper, then turn to the goals of the paper, discussing the many reasons why the ever-growing datasets and models are not necessarily the direction we should be going. We explore the cost of these training datasets, both literal and environmental, as well as the bias implications of these models, and of course the perpetual debate about responsibility when building and deploying ML systems. Finally, we discuss the thin line between AI hype and useful AI systems, and the importance of doing pre-mortems to truly flesh out any issues you could potentially come across prior to building models, and much much more. The complete show notes for this episode can be found at twimlai.com/go/467.

Applying RL to Real-World Robotics with Abhishek Gupta - #466
Today we’re joined by Abhishek Gupta, a PhD Student at UC Berkeley. Abhishek, a member of the BAIR Lab, joined us to talk about his recent robotics and reinforcement learning research and interests, which focus on applying RL to real-world robotics applications. We explore the concept of reward supervision, and how to get robots to learn these reward functions from videos, and the rationale behind supervised experts in these experiments. We also discuss the use of simulation for experiments, data collection, and the path to scalable robotic learning. Finally, we discuss gradient surgery vs gradient sledgehammering, and his ecological RL paper, which focuses on the “phenomena that exist in the real world” and how humans and robotics systems interface in those situations. The complete show notes for this episode can be found at https://twimlai.com/go/466.

Accelerating Innovation with AI at Scale with David Carmona - #465
Today we’re joined by David Carmona, General Manager of Artificial Intelligence & Innovation at Microsoft. In our conversation with David, we focus on his work on AI at Scale, an initiative focused on the change in the ways people are developing AI, driven in large part by the emergence of massive models. We explore David’s thoughts about the progression towards larger models, the focus on parameters and how it ties to the architecture of these models, and how we should assess how attention works in these models. We also discuss the different families of models (generation & representation), the transition from CV to NLP tasks, and an interesting point of models “becoming a platform” via transfer learning. The complete show notes for this episode can be found at twimlai.com/go/465.

Complexity and Intelligence with Melanie Mitchell - #464
Today we’re joined by Melanie Mitchell, Davis Professor at the Santa Fe Institute and author of Artificial Intelligence: A Guide for Thinking Humans. While Melanie has had a long career with a myriad of research interests, we focus on a few, complex systems and the understanding of intelligence, complexity, and her recent work on getting AI systems to make analogies. We explore examples of social learning, and how it applies to AI contextually, and defining intelligence. We discuss potential frameworks that would help machines understand analogies, established benchmarks for analogy, and if there is a social learning solution to help machines figure out analogy. Finally we talk through the overall state of AI systems, the progress we’ve made amid the limited concept of social learning, if we’re able to achieve intelligence with current approaches to AI, and much more! The complete show notes for this episode can be found at twimlai.com/go/464.

Robust Visual Reasoning with Adriana Kovashka - #463
Today we’re joined by Adriana Kovashka, an Assistant Professor at the University of Pittsburgh. In our conversation with Adriana, we explore her visual commonsense research, and how it intersects with her background in media studies. We discuss the idea of shortcuts, or faults in visual question answering data sets that appear in many SOTA results, as well as the concept of masking, a technique developed to assist in context prediction. Adriana then describes how these techniques fit into her broader goal of trying to understand the rhetoric of visual advertisements. Finally, Adriana shares a bit about her work on robust visual reasoning, the parallels between this research and other work happening around explainability, and the vision for her work going forward. The complete show notes for this episode can be found at twimlai.com/go/463.

Architectural and Organizational Patterns in Machine Learning with Nishan Subedi - #462
Today we’re joined by Nishan Subedi, VP of Algorithms at Overstock.com. In our conversation with Nishan, we discuss his interesting path to MLOps and how ML/AI is used at Overstock, primarily for search/recommendations and marketing/advertisement use cases. We spend a great deal of time exploring machine learning architecture and architectural patterns, how he perceives the differences between architectural patterns and algorithms, and emergent architectural patterns that standards have not yet been set for. Finally, we discuss how the idea of anti-patterns was innovative in early design pattern thinking and if those concepts are transferable to ML, if architectural patterns will bleed over into organizational patterns and culture, and Nishan introduces us to the concept of Squads within an organizational structure. The complete show notes for this episode can be found at https://twimlai.com/go/462.

Common Sense Reasoning in NLP with Vered Shwartz - #461
Today we’re joined by Vered Shwartz, a Postdoctoral Researcher at both the Allen Institute for AI and the Paul G. Allen School of Computer Science & Engineering at the University of Washington. In our conversation with Vered, we explore her NLP research, where she focuses on teaching machines common sense reasoning in natural language. We discuss training using GPT models and the potential use of multimodal reasoning and incorporating images to augment the reasoning capabilities. Finally, we talk through some other noteworthy research in this field, how she deals with biases in the models, and Vered's future plans for incorporating some of the newer techniques into her future research. The complete show notes for this episode can be found at https://twimlai.com/go/461.

How to Be Human in the Age of AI with Ayanna Howard - #460
Today we’re joined by returning guest and newly appointed Dean of the College of Engineering at The Ohio State University, Ayanna Howard. Our conversation with Dr. Howard focuses on her recently released book, Sex, Race, and Robots: How to Be Human in the Age of AI, which is an extension of her research on the relationships between humans and robots. We continue to explore this relationship through the themes of socialization introduced in the book, like associating genders to AI and robotic systems and the “self-fulfilling prophecy” that has become search engines. We also discuss a recurring conversation in the community around AI being biased because of data versus models and data, and the choices and responsibilities that come with the ethical aspects of building AI systems. Finally, we discuss Dr. Howard’s new role at OSU, how it will affect her research, and what the future holds for the applied AI field. The complete show notes for this episode can be found at https://twimlai.com/go/460.

How to Be Human in the Age of AI with Ayanna Howard - #460
Today we’re joined by returning guest and newly appointed Dean of the College of Engineering at The Ohio State University, Ayanna Howard. Our conversation with Dr. Howard focuses on her recently released book, Sex, Race, and Robots: How to Be Human in the Age of AI, which is an extension of her research on the relationships between humans and robots. We continue to explore this relationship through the themes of socialization introduced in the book, like associating genders to AI and robotic systems and the “self-fulfilling prophecy” that has become search engines. We also discuss a recurring conversation in the community around AI being biased because of data versus models and data, and the choices and responsibilities that come with the ethical aspects of building AI systems. Finally, we discuss Dr. Howard’s new role at OSU, how it will affect her research, and what the future holds for the applied AI field. The complete show notes for this episode can be found at https://twimlai.com/go/460.

Evolution and Intelligence with Penousal Machado - #459
Today we’re joined by Penousal Machado, Associate Professor and Head of the Computational Design and Visualization Lab in the Center for Informatics at the University of Coimbra. In our conversation with Penousal, we explore his research in Evolutionary Computation, and how that work coincides with his passion for images and graphics. We also discuss the link between creativity and humanity, and have an interesting sidebar about the philosophy of Sci-Fi in popular culture. Finally, we dig into Penousals evolutionary machine learning research, primarily in the context of the evolution of various animal species mating habits and practices. The complete show notes for this episode can be found at twimlai.com/go/459.

Innovating Neural Machine Translation with Arul Menezes - #458
Today we’re joined by Arul Menezes, a Distinguished Engineer at Microsoft. Arul, a 30 year veteran of Microsoft, manages the machine translation research and products in the Azure Cognitive Services group. In our conversation, we explore the historical evolution of machine translation like breakthroughs in seq2seq and the emergence of transformer models. We also discuss how they’re using multilingual transfer learning and combining what they’ve learned in translation with pre-trained language models like BERT. Finally, we explore what they’re doing to experience domain-specific improvements in their models, and what excites Arul about the translation architecture going forward. The complete show notes for this series can be found at twimlai.com/go/458.

Building the Product Knowledge Graph at Amazon with Luna Dong - #457
Today we’re joined by Luna Dong, Sr. Principal Scientist at Amazon. In our conversation with Luna, we explore Amazon’s expansive product knowledge graph, and the various roles that machine learning plays throughout it. We also talk through the differences and synergies between the media and retail product knowledge graph use cases and how ML comes into play in search and recommendation use cases. Finally, we explore the similarities to relational databases and efforts to standardize the product knowledge graphs across the company and broadly in the research community. The complete show notes for this episode can be found at https://twimlai.com/go/457.

Towards a Systems-Level Approach to Fair ML with Sarah M. Brown - #456
Today we’re joined by Sarah Brown, an Assistant Professor of Computer Science at the University of Rhode Island. In our conversation with Sarah, whose research focuses on Fairness in AI, we discuss why a “systems-level” approach is necessary when thinking about ethical and fairness issues in models and algorithms. We also explore Wiggum: a fairness forensics tool, which explores bias and allows for regular auditing of data, as well as her ongoing collaboration with a social psychologist to explore how people perceive ethics and fairness. Finally, we talk through the role of tools in assessing fairness and bias, and the importance of understanding the decisions the tools are making. The complete show notes can be found at twimlai.com/go/456.

AI for Digital Health Innovation with Andrew Trister - #455
Today we’re joined by Andrew Trister, Deputy Director for Digital Health Innovation at the Bill & Melinda Gates Foundation. In our conversation with Andrew, we explore some of the AI use cases at the foundation, with the goal of bringing “community-based” healthcare to underserved populations in the global south. We focus on COVID-19 response and improving the accuracy of malaria testing with a bayesian framework and a few others, and the challenges like scaling these systems and building out infrastructure so that communities can begin to support themselves. We also touch on Andrew's previous work at Apple, where he helped develop what is now known as Research Kit, their ML for health tools that are now seen in apple devices like phones and watches. The complete show notes for this episode can be found at https://twimlai.com/go/455

System Design for Autonomous Vehicles with Drago Anguelov - #454
Today we’re joined by Drago Anguelov, Distinguished Scientist and Head of Research at Waymo. In our conversation, we explore the state of the autonomous vehicles space broadly and at Waymo, including how AV has improved in the last few years, their focus on level 4 driving, and Drago’s thoughts on the direction of the industry going forward. Drago breaks down their core ML use cases, Perception, Prediction, Planning, and Simulation, and how their work has lead to a fully autonomous vehicle being deployed in Phoenix. We also discuss the socioeconomic and environmental impact of self-driving cars, a few research papers submitted to NeurIPS 2020, and if the sophistication of AV systems will lend themselves to the development of tomorrow’s enterprise machine learning systems. The complete show notes for this episode can be found at twimlai.com/go/454.

Building, Adopting, and Maturing LinkedIn's Machine Learning Platform with Ya Xu - #453
Today we’re joined by Ya Xu, head of Data Science at LinkedIn, and TWIMLcon: AI Platforms 2021 Keynote Speaker. We cover a ton of ground with Ya, starting with her experiences prior to becoming Head of DS, as one of the architects of the LinkedIn Platform. We discuss her “three phases” (building, adoption, and maturation) to keep in mind when building out a platform, how to avoid “hero syndrome” early in the process. Finally, we dig into the various tools and platforms that give LinkedIn teams leverage, their organizational structure, as well as the emergence of differential privacy for security use cases and if it's ready for prime time. The complete show notes for this episode can be found at https://twimlai.com/go/453.

Expressive Deep Learning with Magenta DDSP w/ Jesse Engel - #452
Today we’re joined by Jesse Engel, Staff Research Scientist at Google, working on the Magenta Project. In our conversation with Jesse, we explore the current landscape of creativity AI, and the role Magenta plays in helping express creativity through ML and deep learning. We dig deep into their Differentiable Digital Signal Processing (DDSP) library, which “lets you combine the interpretable structure of classical DSP elements (such as filters, oscillators, reverberation, etc.) with the expressivity of deep learning.” Finally, Jesse walks us through some of the other projects that the Magenta team undertakes, including NLP and language modeling, and what he wants to see come out of the work that he and others are doing in creative AI research. The complete show notes for this episode can be found at twimlai.com/go/452.

Semantic Folding for Natural Language Understanding with Francisco Weber - #451
Today we’re joined by return guest Francisco Webber, CEO & Co-founder of Cortical.io. Francisco was originally a guest over 4 years and 400 episodes ago, where we discussed his company Cortical.io, and their unique approach to natural language processing. In this conversation, Francisco gives us an update on Cortical, including their applications and toolkit, including semantic extraction, classifier, and search use cases. We also discuss GPT-3, and how it compares to semantic folding, the unreasonable amount of data needed to train these models, and the difference between the GPT approach and semantic modeling for language understanding. The complete show notes for this episode can be found at twimlai.com/go/451.

The Future of Autonomous Systems with Gurdeep Pall - #450
Today we’re joined by Gurdeep Pall, Corporate Vice President at Microsoft. Gurdeep, who we had the pleasure of speaking with on his 31st anniversary at the company, has had a hand in creating quite a few influential projects, including Skype for business (and Teams) and being apart of the first team that shipped wifi as a part of a general-purpose operating system. In our conversation with Gurdeep, we discuss Microsoft’s acquisition of Bonsai and how they fit in the toolchain for creating brains for autonomous systems with “machine teaching,” and other practical applications of machine teaching in autonomous systems. We also explore the challenges of simulation, and how they’ve evolved to make the problems that the physical world brings more tenable. Finally, Gurdeep shares concrete use cases for autonomous systems, and how to get the best ROI on those investments, and of course, what’s next in the very broad space of autonomous systems. The complete show notes for this episode can be found at twimlai.com/go/450.

AI for Ecology and Ecosystem Preservation with Bryan Carstens - #449
Today we’re joined by Bryan Carstens, a professor in the Department of Evolution, Ecology, and Organismal Biology & Head of the Tetrapod Division in the Museum of Biological Diversity at The Ohio State University. In our conversation with Bryan, who comes from a traditional biology background, we cover a ton of ground, including a foundational layer of understanding for the vast known unknowns in species and biodiversity, and how he came to apply machine learning to his lab’s research. We explore a few of his lab’s projects, including applying ML to genetic data to understand the geographic and environmental structure of DNA, what factors keep machine learning from being used more frequently used in biology, and what’s next for his group. The complete show notes for this episode can be found at twimlai.com/go/449.

Off-Line, Off-Policy RL for Real-World Decision Making at Facebook - #448
Today we’re joined by Jason Gauci, a Software Engineering Manager at Facebook AI. In our conversation with Jason, we explore their Reinforcement Learning platform, Re-Agent (Horizon). We discuss the role of decision making and game theory in the platform and the types of decisions they’re using Re-Agent to make, from ranking and recommendations to their eCommerce marketplace. Jason also walks us through the differences between online/offline and on/off policy model training, and where Re-Agent sits in this spectrum. Finally, we discuss the concept of counterfactual causality, and how they ensure safety in the results of their models. The complete show notes for this episode can be found at twimlai.com/go/448.

A Future of Work for the Invisible Workers in A.I. with Saiph Savage - #447
Today we’re joined by Saiph Savage, a Visiting professor at the Human-Computer Interaction Institute at CMU, director of the HCI Lab at WVU, and co-director of the Civic Innovation Lab at UNAM. We caught up with Saiph during NeurIPS where she delivered an insightful invited talk “A Future of Work for the Invisible Workers in A.I.”. In our conversation with Saiph, we gain a better understanding of the “Invisible workers,” or the people doing the work of labeling for machine learning and AI systems, and some of the issues around lack of economic empowerment, emotional trauma, and other issues that arise with these jobs. We discuss ways that we can empower these workers, and push the companies that are employing these workers to do the same. Finally, we discuss Saiph’s participatory design work with rural workers in the global south. The complete show notes for this episode can be found at twimlai.com/go/447.

Trends in Graph Machine Learning with Michael Bronstein - #446
Today we’re back with the final episode of AI Rewind joined by Michael Bronstein, a professor at Imperial College London and the Head of Graph Machine Learning at Twitter. In our conversation with Michael, we touch on his thoughts about the year in Machine Learning overall, including GPT-3 and Implicit Neural Representations, but spend a major chunk of time on the sub-field of Graph Machine Learning. We talk through the application of Graph ML across domains like physics and bioinformatics, and the tools to look out for. Finally, we discuss what Michael thinks is in store for 2021, including graph ml applied to molecule discovery and non-human communication translation.

Trends in Natural Language Processing with Sameer Singh - #445
Today we continue the 2020 AI Rewind series, joined by friend of the show Sameer Singh, an Assistant Professor in the Department of Computer Science at UC Irvine. We last spoke with Sameer at our Natural Language Processing office hours back at TWIMLfest, and was the perfect person to help us break down 2020 in NLP. Sameer tackles the review in 4 main categories, Massive Language Modeling, Fundamental Problems with Language Models, Practical Vulnerabilities with Language Models, and Evaluation. We also explore the impact of GPT-3 and Transformer models, the intersection of vision and language models, and the injection of causal thinking and modeling into language models, and much more. The complete show notes for this episode can be found at twimlai.com/go/445.

Trends in Computer Vision with Pavan Turaga - #444
AI Rewind continues today as we’re joined by Pavan Turaga, Associate Professor in both the Departments of Arts, Media, and Engineering & Electrical Engineering, and the Interim Director of the School of Arts, Media, and Engineering at Arizona State University. Pavan, who joined us back in June to talk through his work from CVPR ‘20, Invariance, Geometry and Deep Neural Networks, is back to walk us through the trends he’s seen in Computer Vision last year. We explore the revival of physics-based thinking about scenes, differential rendering, the best papers, and where the field is going in the near future. We want to hear from you! Send your thoughts on the year that was 2020 below in the comments, or via Twitter at @samcharrington or @twimlai. The complete show notes for this episode can be found at twimlai.com/go/444

Trends in Reinforcement Learning with Pablo Samuel Castro - #443
Today we kick off our annual AI Rewind series joined by friend of the show Pablo Samuel Castro, a Staff Research Software Developer at Google Brain. Pablo joined us earlier this year for a discussion about Music & AI, and his Geometric Perspective on Reinforcement Learning, as well our RL office hours during the inaugural TWIMLfest. In today’s conversation, we explore some of the latest and greatest RL advancements coming out of the major conferences this year, broken down into a few major themes, Metrics/Representations, Understanding and Evaluating Deep Reinforcement Learning, and RL in the Real World. This was a very fun conversation, and we encourage you to check out all the great papers and other resources available on the show notes page.

MOReL: Model-Based Offline Reinforcement Learning with Aravind Rajeswaran - #442
Today we close out our NeurIPS series joined by Aravind Rajeswaran, a PhD Student in machine learning and robotics at the University of Washington. At NeurIPS, Aravind presented his paper MOReL: Model-Based Offline Reinforcement Learning. In our conversation, we explore model-based reinforcement learning, and if models are a “prerequisite” to achieve something analogous to transfer learning. We also dig into MOReL and the recent progress in offline reinforcement learning, the differences in developing MOReL models and traditional RL models, and the theoretical results they’re seeing from this research. The complete show notes for this episode can be found at twimlai.com/go/442

Machine Learning as a Software Engineering Enterprise with Charles Isbell - #441
As we continue our NeurIPS 2020 series, we’re joined by friend-of-the-show Charles Isbell, Dean, John P. Imlay, Jr. Chair, and professor at the Georgia Tech College of Computing. This year Charles gave an Invited Talk at this year’s conference, You Can’t Escape Hyperparameters and Latent Variables: Machine Learning as a Software Engineering Enterprise. In our conversation, we explore the success of the Georgia Tech Online Masters program in CS, which now has over 11k students enrolled, and the importance of making the education accessible to as many people as possible. We spend quite a bit speaking about the impact machine learning is beginning to have on the world, and how we should move from thinking of ourselves as compiler hackers, and begin to see the possibilities and opportunities that have been ignored. We also touch on the fallout from Timnit Gebru being “resignated” and the importance of having diverse voices and different perspectives “in the room,” and what the future holds for machine learning as a discipline. The complete show notes for this episode can be found at twimlai.com/go/441.

Natural Graph Networks with Taco Cohen - #440
Today we kick off our NeurIPS 2020 series joined by Taco Cohen, a Machine Learning Researcher at Qualcomm Technologies. In our conversation with Taco, we discuss his current research in equivariant networks and video compression using generative models, as well as his paper “Natural Graph Networks,” which explores the concept of “naturality, a generalization of equivariance” which suggests that weaker constraints will allow for a “wider class of architectures.” We also discuss some of Taco’s recent research on neural compression and a very interesting visual demo for equivariance CNNs that Taco and the Qualcomm team released during the conference. The complete show notes for this episode can be found at twimlai.com/go/440.

Productionizing Time-Series Workloads at Siemens Energy with Edgar Bahilo Rodriguez - #439
Today we close out our re:Invent series joined by Edgar Bahilo Rodriguez, Lead Data Scientist in the industrial applications division of Siemens Energy. Edgar spoke at this year's re:Invent conference about Productionizing R Workloads, and the resurrection of R for machine learning and productionalization. In our conversation with Edgar, we explore the fundamentals of building a strong machine learning infrastructure, and how they’re breaking down applications and using mixed technologies to build models. We also discuss their industrial applications, including wind, power production management, managing systems intent on decreasing the environmental impact of pre-existing installations, and their extensive use of time-series forecasting across these use cases. The complete show notes can be found at twimlai.com/go/439.

ML Feature Store at Intuit with Srivathsan Canchi - #438
Today we continue our re:Invent series with Srivathsan Canchi, Head of Engineering for the Machine Learning Platform team at Intuit. As we teased earlier this week, one of the major announcements coming from AWS at re:Invent was the release of the SageMaker Feature Store. To our pleasant surprise, we came to learn that our friends at Intuit are the original architects of this offering and partnered with AWS to productize it at a much broader scale. In our conversation with Srivathsan, we explore the focus areas that are supported by the Intuit machine learning platform across various teams, including QuickBooks and Mint, Turbotax, and Credit Karma, and his thoughts on why companies should be investing in feature stores. We also discuss why the concept of “feature store” has seemingly exploded in the last year, and how you know when your organization is ready to deploy one. Finally, we dig into the specifics of the feature store, including the popularity of graphQL and why they chose to include it in their pipelines, the similarities (and differences) between the two versions of the store, and much more! The complete show notes for this episode can be found at twimlai.com/go/438.

re:Invent Roundup 2020 with Swami Sivasubramanian - #437
Today we’re kicking off our annual re:invent series joined by Swami Sivasubramanian, VP of Artificial Intelligence, at AWS. During re:Invent last week, Amazon made a ton of announcements on the machine learning front, including quite a few advancements to SageMaker. In this roundup conversation, we discuss the motivation for hosting the first-ever machine learning keynote at the conference, a bunch of details surrounding tools like Pipelines for workflow management, Clarify for bias detection, and JumpStart for easy to use algorithms and notebooks, and many more. We also discuss the emphasis placed on DevOps and MLOps tools in these announcements, and how the tools are all interconnected. Finally, we briefly touch on the announcement of the AWS feature store, but be sure to check back later this week for a more in-depth discussion on that particular release! The complete show notes for this episode can be found at twimlai.com/go/437.

Predictive Disease Risk Modeling at 23andMe with Subarna Sinha - #436
Today we’re joined by Subarna Sinha, Machine Learning Engineering Leader at 23andMe. 23andMe handles a massive amount of genomic data every year from its core ancestry business but also uses that data for disease prediction, which is the core use case we discuss in our conversation. Subarna talks us through an initial use case of creating an evaluation of polygenic scores, and how that led them to build an ML pipeline and platform. We talk through the tools and tech stack used for the operationalization of their platform, the use of synthetic data, the internal pushback that came along with the changes that were being made, and what’s next for her team and the platform. The complete show notes for this episode can be found at twimlai.com/go/436.

Scaling Video AI at RTL with Daan Odijk - #435
Today we’re joined by Daan Odijk, Data Science Manager at RTL. In our conversation with Daan, we explore the RTL MLOps journey, and their need to put platform infrastructure in place for ad optimization and forecasting, personalization, and content understanding use cases. Daan walks us through some of the challenges on both the modeling and engineering sides of building the platform, as well as the inherent challenges of video applications. Finally, we discuss the current state of their platform, and the benefits they’ve seen from having this infrastructure in place, and why using building a custom platform was worth the investment. The complete show notes for this episode can be found at twimlai.com/go/435.

Benchmarking ML with MLCommons w/ Peter Mattson - #434
Today we’re joined by Peter Mattson, General Chair at MLPerf, a Staff Engineer at Google, and President of MLCommons. In our conversation with Peter, we discuss MLCommons and MLPerf, the former an open engineering group with the goal of accelerating machine learning innovation, and the latter a set of standardized Machine Learning speed benchmarks used to measure things like model training speed, throughput speed for inference. We explore the target user for the MLPerf benchmarks, the need for benchmarks in the ethics, bias, fairness space, and how they’re approaching this through the "People’s Speech" datasets. We also walk through the MLCommons best practices of getting a model into production, why it's so difficult, and how MLCube can make the process easier for researchers and developers. The complete show notes page for this episode can be found at twimlai.com/go/434.

Deep Learning for NLP: From the Trenches with Charlene Chambliss - #433
Today we’re joined by Charlene Chambliss, Machine Learning Engineer at Primer AI. Charlene, who we also had the pleasure of hosting at NLP Office Hours during TWIMLfest, is back to share some of the work she’s been doing with NLP. In our conversation, we explore her experiences working with newer NLP models and tools like BERT and HuggingFace, as well as whats she’s learned along the way with word embeddings, labeling tasks, debugging, and more. We also focus on a few of her projects, like her popular multi-lingual BERT project, and a COVID-19 classifier. Finally, Charlene shares her experience getting into data science and machine learning coming from a non-technical background, and what the transition was like, and tips for people looking to make a similar shift.

Feature Stores for Accelerating AI Development - #432
In this special episode of the podcast, we're joined by Kevin Stumpf, Co-Founder and CTO of Tecton, Willem Pienaar, an engineering lead at Gojek and founder of the Feast Project, and Maxime Beauchemin, Founder & CEO of Preset, for a discussion on Feature Stores for Accelerating AI Development. In this panel discussion, Sam and our guests explored how organizations can increase value and decrease time-to-market for machine learning using feature stores, MLOps, and open source. We also discuss the main data challenges of AI/ML, and the role of the feature store in solving those challenges. The complete show notes for this episode can be found at twimlai.com/go/432.

An Exploration of Coded Bias with Shalini Kantayya, Deb Raji and Meredith Broussard - #431
In this special edition of the podcast, we're joined by Shalini Kantayya, the director of Coded Bias, and Deb Raji and Meredith Broussard, who both contributed to the film. In this panel discussion, Sam and our guests explored the societal implications of the biases embedded within AI algorithms. The conversation discussed examples of AI systems with disparate impact across industries and communities, what can be done to mitigate this disparity, and opportunities to get involved. Our panelists Shalini, Meredith, and Deb each share insight into their experience working on and researching bias in AI systems and the oppressive and dehumanizing impact they can have on people in the real world. The complete show notes for this film can be found at twimlai.com/go/431

Common Sense as an Algorithmic Framework with Dileep George - #430
Today we’re joined by Dileep George, Founder and the CTO of Vicarious. Dileep, who was also a co-founder of Numenta, works at the intersection of AI research and neuroscience, and famously pioneered the hierarchical temporal memory. In our conversation, we explore the importance of mimicking the brain when looking to achieve artificial general intelligence, the nuance of “language understanding” and how all the tasks that fall underneath it are all interconnected, with or without language. We also discuss his work with Recursive Cortical Networks, Schema Networks, and what’s next on the path towards AGI!

Scaling Enterprise ML in 2020: Still Hard! with Sushil Thomas - #429
Today we’re joined by Sushil Thomas, VP of Engineering for Machine Learning at Cloudera. Over the summer, I had the pleasure of hosting Sushil and a handful of business leaders across industries at the Cloudera Virtual Roundtable. In this conversation with Sushil, we recap the roundtable, exploring some of the topics discussed and insights gained from those conversations. Sushil gives us a look at how COVID19 has impacted business throughout the year, and how the pandemic is shaping enterprise decision making moving forward. We also discuss some of the key trends he’s seeing as organizations try to scale their machine learning and AI efforts, including understanding best practices, and learning how to hybridize the engineering side of ML with the scientific exploration of the tasks. Finally, we explore if organizational models like hub vs centralized are still organization-specific or if that’s changed in recent years, as well as how to get and retain good ML talent with giant companies like Google and Microsoft looming large. The complete show notes for this episode can be found at https://twimlai.com/go/429.

Enabling Clinical Automation: From Research to Deployment with Devin Singh - #428
Today we’re joined by Devin Singh, a Physician Lead for Clinical Artificial Intelligence & Machine Learning in Pediatric Emergency Medicine at the Hospital for Sick Children (SickKids) in Toronto, and Founder and CEO of HeroAI. In our conversation with Devin, we discuss some of the interesting ways that Devin is deploying machine learning within the SickKids hospital, the current structure of academic research, including how much research and publications are currently being incentivized, how little of those research projects actually make it to deployment, and how Devin is working to flip that system on it's head. We also talk about his work at Hero AI, where he is commercializing and deploying his academic research to build out infrastructure and deploy AI solutions within hospitals, creating an automated pipeline with patients, caregivers, and EHS companies. Finally, we discuss Devins's thoughts on how he’d approach bias mitigation in these systems, and the importance of having proper stakeholder engagement and using design methodology when building ML systems. The complete show notes for this episode can be found at twimlai.com/go/428.

Pixels to Concepts with Backpropagation w/ Roland Memisevic - #427
Today we’re joined by Roland Memisevic, return podcast guest and Co-Founder & CEO of Twenty Billion Neurons. We last spoke to Roland in 2018, and just earlier this year TwentyBN made a sharp pivot to a surprising use case, a companion app called Fitness Ally, an interactive, personalized fitness coach on your phone. In our conversation with Roland, we explore the progress TwentyBN has made on their goal of training deep neural networks to understand physical movement and exercise. We also discuss how they’ve taken their research on understanding video context and awareness and applied it in their app, including how recent advancements have allowed them to deploy their neural net locally while preserving privacy, and Roland’s thoughts on the enormous opportunity that lies in the merging of language and video processing. The complete show notes for this episode can be found at twimlai.com/go/427.

Fighting Global Health Disparities with AI w/ Jon Wang - #426
Today we’re joined by Jon Wang, a medical student at UCSF, and former Gates Scholar and AI researcher at the Bill and Melinda Gates Foundation. In our conversation with Jon, we explore a few of the different ways he’s attacking various public health issues, including improving the electronic health records system through automating clinical order sets, and exploring how the lack of literature and AI talent in the non-profit and healthcare spaces, and bad data have further marginalized undersupported communities. We also discuss his work at the Gates Foundation, which included understanding how AI can be helpful in lower-resource and lower-income countries, and building digital infrastructure, and much more. The complete show notes for this episode can be found at twimlai.com/go/426.

Accessibility and Computer Vision - #425
Digital imagery is pervasive today. More than a billion images per day are produced and uploaded to social media sites, with many more embedded within websites, apps, digital documents, and eBooks. Engaging with digital imagery has become fundamental to participating in contemporary society, including education, the professions, e-commerce, civics, entertainment, and social interactions. However, most digital images remain inaccessible to the 39 million people worldwide who are blind. AI and computer vision technologies hold the potential to increase image accessibility for people who are blind, through technologies like automated image descriptions. The speakers share their perspectives as people who are both technology experts and are blind, providing insight into future directions for the field of computer vision for describing images and videos for people who are blind. To check out the video of this panel, visit here! The complete show notes for this episode can be found at twimlai.com/go/425

NLP for Equity Investing with Frank Zhao - #424
Today we’re joined by Frank Zhao, Senior Director of Quantamental Research at S&P Global Market Intelligence. In our conversation with Frank, we explore how he came to work at the intersection of ML and finance, and how he navigates the relationship between data science and domain expertise. We also discuss the rise of data science in the investment management space, examining the largely under-explored technique of using unstructured data to gain insights into equity investing, and the edge it can provide for investors. Finally, Frank gives us a look at how he uses natural language processing with textual data of earnings call transcripts and walks us through the entire pipeline. The complete show notes for this episode can be found at twimlai.com/go/424.

The Future of Education and AI with Salman Khan - #423
In the final #TWIMLfest Keynote Interview, we’re joined by Salman Khan, Founder of Khan Academy. In our conversation with Sal, we explore the amazing origin story of the academy, and how coronavirus is shaping the future of education and remote and distance learning, for better and for worse. We also explore Sal’s perspective on machine learning and AI being used broadly in education, the potential of injecting a platform like Khan Academy with ML and AI for course recommendations, and if they’re planning on implementing these features in the future. Finally, Sal shares some great stories about the impact of community and opportunity, and what advice he has for learners within the TWIML community and beyond! The complete show notes for this episode can be found at twimlai.com/go/423.

Why AI Innovation and Social Impact Go Hand in Hand with Milind Tambe - #422
In this special #TWIMLfest Keynote episode, we’re joined by Milind Tambe, Director of AI for Social Good at Google Research India, and Director of the Center for Research in Computation and Society (CRCS) at Harvard University. In our conversation, we explore Milind’s various research interests, most of which fall under the umbrella of AI for Social Impact, including his work in public health, both stateside and abroad, his conservation work in South Asia and Africa, and his thoughts on the ways that those interested in social impact can get involved. The complete show notes for this episode can be found at twimlai.com/go/422.

What's Next for Fast.ai? w/ Jeremy Howard - #421
In this special #TWIMLfest episode of the podcast, we’re joined by Jeremy Howard, Founder of Fast.ai. In our conversation with Jeremy, we discuss his career path, including his journey through the consulting world and how those experiences led him down the path to ML education, his thoughts on the current state of the machine learning adoption cycle, and if we’re at maximum capacity for deep learning use and capability. Of course, we dig into the newest version of the fast.ai framework and course, the reception of Jeremy’s book ‘Deep Learning for Coders with Fastai and PyTorch: AI Applications Without a PhD,’ and what’s missing from the machine learning education landscape. If you’ve missed our previous conversations with Jeremy, I encourage you to check them out here and here. The complete show notes for this episode can be found at https://twimlai.com/go/421.

Feature Stores for MLOps with Mike del Balso - #420
Today we’re joined by Mike del Balso, co-Founder and CEO of Tecton. Mike, who you might remember from our last conversation on the podcast, was a foundational member of the Uber team that created their ML platform, Michelangelo. Since his departure from the company in 2018, he has been busy building up Tecton, and their enterprise feature store. In our conversation, Mike walks us through why he chose to focus on the feature store aspects of the machine learning platform, the journey, personal and otherwise, to operationalizing machine learning, and the capabilities that more mature platforms teams tend to look for or need to build. We also explore the differences between standalone components and feature stores, if organizations are taking their existing databases and building feature stores with them, and what a dynamic, always available feature store looks like in deployment. Finally, we explore what sets Tecton apart from other vendors in this space, including enterprise cloud providers who are throwing their hat in the ring. The complete show notes for this episode can be found at twimlai.com/go/420. Thanks to our friends at Tecton for sponsoring this episode of the podcast! Find out more about what they're up to at tecton.ai.

Exploring Causality and Community with Suzana Ilić - #419
In this special #TWIMLfest episode, we’re joined by Suzana Ilić, a computational linguist at Causaly and founder of Machine Learning Tokyo (MLT). Suzana joined us as a keynote speaker to discuss the origins of the MLT community, but we cover a lot of ground in this conversation. We briefly discuss Suzana’s work at Causaly, touching on her experiences transitioning from linguist and domain expert to working with causal modeling, balancing her role as both product manager and leader of the development team for their causality extraction module, and the unique ways that she thinks about UI in relation to their product. We also spend quite a bit of time exploring MLT, including how they’ve achieved exponential growth within the community over the past few years and when Suzana knew MLT was moving beyond just a personal endeavor, her experiences publishing papers at major ML conferences as an independent organization, and inspires her within the broader ML/AI Community. And of course, we answer quite a few great questions from our live audience!

Decolonizing AI with Shakir Mohamed - #418
In this special #TWIMLfest edition of the podcast, we’re joined by Shakir Mohamed, a Senior Research Scientist at DeepMind. Shakir is also a leader of Deep Learning Indaba, a non-profit organization whose mission is to Strengthen African Machine Learning and Artificial Intelligence. In our conversation with Shakir, we discuss his recent paper ‘Decolonial AI,’ the distinction between decolonizing AI and ethical AI, while also exploring the origin of the Indaba, the phases of community, and much more. The complete show notes for this episode can be found at twimlai.com/go/418.

Spatial Analysis for Real-Time Video Processing with Adina Trufinescu
Today we’re joined by Adina Trufinescu, Principal Program Manager at Microsoft, to discuss some of the computer vision updates announced at Ignite 2020. We focus on the technical innovations that went into their recently announced spatial analysis software, and the software’s use cases including the movement of people within spaces, distance measurements (social distancing), and more. We also discuss the ‘responsible AI guidelines’ put in place to curb bad actors potentially using this software for surveillance, what techniques are being used to do object detection and image classification, and the challenges to productizing this research. The complete show notes for this episode can be found at twimlai.com/go/417.

How Deep Learning has Revolutionized OCR with Cha Zhang - #416
Today we’re joined by Cha Zhang, a Partner Engineering Manager at Microsoft Cloud & AI. Cha’s work at MSFT is focused on exploring ways that new technologies can be applied to optical character recognition, or OCR, pushing the boundaries of what has been seen as an otherwise ‘solved’ problem. In our conversation with Cha, we explore some of the traditional challenges of doing OCR in the wild, and what are the ways in which deep learning algorithms are being applied to transform these solutions. We also discuss the difficulties of using an end to end pipeline for OCR work, if there is a semi-supervised framing that could be used for OCR, the role of techniques like neural architecture search, how advances in NLP could influence the advancement of OCR problems, and much more. The complete show notes for this episode can be found at twimlai.com/go/416.

Machine Learning for Food Delivery at Global Scale - #415
In this special edition of the show, we discuss the various ways in which machine learning plays a role in helping businesses overcome their challenges in the food delivery space. A few weeks ago Sam had the opportunity to moderate a panel at the Prosus AI Marketplace virtual event with Sandor Caetano of iFood, Dale Vaz of Swiggy, Nicolas Guenon of Delivery Hero, and Euro Beinat of Prosus. In this conversation, panelists describe the application of machine learning to a variety of business use cases, including how they deliver recommendations, the unique ways they handle the logistics of deliveries, and fraud and abuse prevention. The complete show notes for this episode can be found at twimlai.com/go/415.

Open Source at Qualcomm AI Research with Jeff Gehlhaar and Zahra Koochak - #414
Today we're joined by Jeff Gehlhaar, VP of Technology at Qualcomm, and Zahra Koochak, Staff Machine Learning Engineer at Qualcomm AI Research. If you haven’t had a chance to listen to our first interview with Jeff, I encourage you to check it out here! In this conversation, we catch up with Jeff and Zahra to get an update on what the company has up to since our last conversation, including the Snapdragon 865 chipset and Hexagon Neural Network Direct. We also discuss open-source projects like the AI efficiency toolkit and Tensor Virtual Machine compiler, and how these projects fit in the broader Qualcomm ecosystem. Finally, we talk through their vision for on-device federated learning. The complete show notes for this page can be found at twimlai.com/go/414.

Visualizing Climate Impact with GANs w/ Sasha Luccioni - #413
Today we’re joined by Sasha Luccioni, a Postdoctoral Researcher at the MILA Institute, and moderator of our upcoming TWIMLfest Panel, ‘Machine Learning in the Fight Against Climate Change.’ We were first introduced to Sasha’s work through her paper on ‘Visualizing The Consequences Of Climate Change Using Cycle-consistent Adversarial Networks’, and we’re excited to pick her brain about the ways ML is currently being leveraged to help the environment. In our conversation, we explore the use of GANs to visualize the consequences of climate change, the evolution of different approaches she used, and the challenges of training GANs using an end-to-end pipeline. Finally, we talk through Sasha’s goals for the aforementioned panel, which is scheduled for Friday, October 23rd at 1 pm PT. Register for all of the great TWIMLfest sessions at twimlfest.com! The complete show notes for this episode can be found at twimlai.com/go/413.

ML-Powered Language Learning at Duolingo with Burr Settles - #412
Today we’re joined by Burr Settles, Research Director at Duolingo. Most would acknowledge that one of the most effective ways to learn is one on one with a tutor, and Duolingo’s main goal is to replicate that at scale. In our conversation with Burr, we dig how the business model has changed over time, the properties that make a good tutor, and how those features translate to the AI tutor they’ve built. We also discuss the Duolingo English Test, and the challenges they’ve faced with maintaining the platform while adding languages and courses. Check out the complete show notes for this episode at twimlai.com/go/412.

Bridging The Gap Between Machine Learning and the Life Sciences with Artur Yakimovich - #411
Today we’re joined by Artur Yakimovich, Co-Founder at Artificial Intelligence for Life Sciences and a visiting scientist in the Lab for Molecular Cell Biology at University College London. In our conversation with Artur, we explore the gulf that exists between life science researchers and the tools and applications used by computer scientists. While Artur’s background is in viral chemistry, he has since transitioned to a career in computational biology to “see where chemistry stopped, and biology started.” We discuss his work in that middle ground, looking at quite a few of his recent work applying deep learning and advanced neural networks like capsule networks to his research problems. Finally, we discuss his efforts building the Artificial Intelligence for Life Sciences community, a non-profit organization he founded to bring scientists from different fields together to share ideas and solve interdisciplinary problems. Check out the complete show notes at twimlai.com/go/411.

Understanding Cultural Style Trends with Computer Vision w/ Kavita Bala - #410
Today we’re joined by Kavita Bala, the Dean of Computing and Information Science at Cornell University. Kavita, whose research explores the overlap of computer vision and computer graphics, joined us to discuss a few of her projects, including GrokStyle, a startup that was recently acquired by Facebook and is currently being deployed across their Marketplace features. We also talk about StreetStyle/GeoStyle, projects focused on using social media data to find style clusters across the globe. Kavita shares her thoughts on the privacy and security implications, progress with integrating privacy-preserving techniques into vision projects like the ones she works on, and what’s next for Kavita’s research. The complete show notes for this episode can be found at twimlai.com/go/410.

That's a VIBE: ML for Human Pose and Shape Estimation with Nikos Athanasiou, Muhammed Kocabas, Michael Black - #409
Today we’re joined by Nikos Athanasiou, Muhammed Kocabas, Ph.D. students, and Michael Black, Director of the Max Planck Institute for Intelligent Systems. We caught up with the group to explore their paper VIBE: Video Inference for Human Body Pose and Shape Estimation, which they submitted to CVPR 2020. In our conversation, we explore the problem that they’re trying to solve through an adversarial learning framework, the datasets (AMASS) that they’re building upon, the core elements that separate this work from its predecessors in this area of research, and the results they’ve seen through their experiments and testing. The complete show notes for this episode can be found at https://twimlai.com/go/409. Register for TWIMLfest today!

3D Deep Learning with PyTorch 3D w/ Georgia Gkioxari - #408
Today we’re joined by Georgia Gkioxari, a research scientist at Facebook AI Research. Georgia was hand-picked by the TWIML community to discuss her work on the recently released open-source library PyTorch3D. In our conversation, Georgia describes her experiences as a computer vision researcher prior to the 2012 deep learning explosion, and how the entire landscape has changed since then. Georgia walks us through the user experience of PyTorch3D, while also detailing who the target audience is, why the library is useful, and how it fits in the broad goal of giving computers better means of perception. Finally, Georgia gives us a look at what it’s like to be a co-chair for CVPR 2021 and the challenges with updating the peer review process for the larger academic conferences. The complete show notes for this episode can be found at twimlai.com/go/408.

What are the Implications of Algorithmic Thinking? with Michael I. Jordan - #407
Today we’re joined by the legendary Michael I. Jordan, Distinguished Professor in the Departments of EECS and Statistics at UC Berkeley. Michael was gracious enough to connect us all the way from Italy after being named IEEE’s 2020 John von Neumann Medal recipient. In our conversation with Michael, we explore his career path, and how his influence from other fields like philosophy shaped his path. We spend quite a bit of time discussing his current exploration into the intersection of economics and AI, and how machine learning systems could be used to create value and empowerment across many industries through “markets.” We also touch on the potential of “interacting learning systems” at scale, the valuation of data, the commoditization of human knowledge into computational systems, and much, much more. The complete show notes for this episode can be found at. twimlai.com/go/407.

Beyond Accuracy: Behavioral Testing of NLP Models with Sameer Singh - #406
Today we’re joined by Sameer Singh, an assistant professor in the department of computer science at UC Irvine. Sameer’s work centers on large-scale and interpretable machine learning applied to information extraction and natural language processing. We caught up with Sameer right after he was awarded the best paper award at ACL 2020 for his work on Beyond Accuracy: Behavioral Testing of NLP Models with CheckList. In our conversation, we explore CheckLists, the task-agnostic methodology for testing NLP models introduced in the paper. We also discuss how well we understand the cause of pitfalls or failure modes in deep learning models, Sameer’s thoughts on embodied AI, and his work on the now famous LIME paper, which he co-authored alongside Carlos Guestrin. The complete show notes for this episode can be found at twimlai.com/go/406.

How Machine Learning Powers On-Demand Logistics at Doordash with Gary Ren - #405
Today we’re joined by Gary Ren, a machine learning engineer for the logistics team at DoorDash. In our conversation, we explore how machine learning powers the entire logistics ecosystem. We discuss the stages of their “marketplace,” and how using ML for optimized route planning and matching affects consumers, dashers, and merchants. We also talk through how they use traditional mathematics, classical machine learning, potential use cases for reinforcement learning frameworks, and challenges to implementing these explorations. The complete show notes for this episode can be found at twimlai.com/go/405! Check out our upcoming event at twimlai.com/twimlfest

Machine Learning as a Software Engineering Discipline with Dillon Erb - #404
Today we’re joined by Dillon Erb, Co-founder & CEO of Paperspace. We’ve followed Paperspace since their origins offering GPU-enabled compute resources to data scientists and machine learning developers, to the release of their Jupyter-based Gradient service. Our conversation with Dillon centered on the challenges that organizations face building and scaling repeatable machine learning workflows, and how they’ve done this in their own platform by applying time-tested software engineering practices. We also discuss the importance of reproducibility in production machine learning pipelines, how the processes and tools of software engineering map to the machine learning workflow, and technical issues that ML teams run into when trying to scale the ML workflow. The complete show notes for this episode can be found at twimlai.com/go/404.

AI and the Responsible Data Economy with Dawn Song - #403
Today we’re joined by Professor of Computer Science at UC Berkeley, Dawn Song. Dawn’s research is centered at the intersection of AI, deep learning, security, and privacy. She’s currently focused on bringing these disciplines together with her startup, Oasis Labs. In our conversation, we explore their goals of building a ‘platform for a responsible data economy,’ which would combine techniques like differential privacy, blockchain, and homomorphic encryption. The platform would give consumers more control of their data, and enable businesses to better utilize data in a privacy-preserving and responsible way. We also discuss how to privatize and anonymize data in language models like GPT-3, real-world examples of adversarial attacks and how to train against them, her work on program synthesis to get towards AGI, and her work on privatizing coronavirus contact tracing data. The complete show notes for this episode can be found twimlai.com/go/403.

Relational, Object-Centric Agents for Completing Simulated Household Tasks with Wilka Carvalho - #402
Today we’re joined by Wilka Carvalho, a PhD student at the University of Michigan, Ann Arbor. In our conversation, we focus on his paper ‘ROMA: A Relational, Object-Model Learning Agent for Sample-Efficient Reinforcement Learning.’ In the paper, Wilka explores the challenge of object interaction tasks, focusing on every day, in-home functions. We discuss how he’s addressing the challenge of ‘object-interaction’ tasks, the biggest obstacles he’s run into along the way.

Model Explainability Forum - #401
Today we bring you the latest Discussion Series: The Model Explainability Forum. Our group of experts and researchers explore the current state of explainability and discuss the key emerging ideas shaping the field. Each guest shares their unique perspective and contributions to thinking about model explainability in a practical way. We explore concepts like stakeholder-driven explainability, adversarial attacks on explainability methods, counterfactual explanations, legal and policy implications, and more.

What NLP Tells Us About COVID-19 and Mental Health with Johannes Eichstaedt - #400
Today we’re joined by Johannes Eichstaedt, an Assistant Professor of Psychology at Stanford University. In our conversation, we explore how Johannes applies his physics background to a career as a computational social scientist, some of the major patterns in the data that emerged over the first few months of lockdown, including mental health, social norms, and political patterns. We also explore how Johannes built the process, and the techniques he’s using to collect, sift through, and understand the da

Human-AI Collaboration for Creativity with Devi Parikh - #399
Today we’re joined by Devi Parikh, Associate Professor at the School of Interactive Computing at Georgia Tech, and research scientist at Facebook AI Research (FAIR). In our conversation, we touch on Devi’s definition of creativity, explore multiple ways that AI could impact the creative process for artists, and help humans become more creative. We investigate tools like casual creator for preference prediction, neuro-symbolic generative art, and visual journaling.

Neural Augmentation for Wireless Communication with Max Welling - #398
Today we’re joined by Max Welling, Vice President of Technologies at Qualcomm Netherlands, and Professor at the University of Amsterdam. In our conversation, we explore Max’s work in neural augmentation, and how it’s being deployed. We also discuss his work with federated learning and incorporating the technology on devices to give users more control over the privacy of their personal data. Max also shares his thoughts on quantum mechanics and the future of quantum neural networks for chip design.

Quantum Machine Learning: The Next Frontier? with Iordanis Kerenidis - #397
Today we're joined by Iordanis Kerenidis, Research Director CNRS Paris and Head of Quantum Algorithms at QC Ware. Iordanis was an ICML main conference Keynote speaker on the topic of Quantum ML, and we focus our conversation on his presentation, exploring the prospects and challenges of quantum machine learning, as well as the field’s history, evolution, and future. We’ll also discuss the foundations of quantum computing, and some of the challenges to consider for breaking into the field.

ML and Epidemiology with Elaine Nsoesie - #396
Today we continue our ICML series with Elaine Nsoesie, assistant professor at Boston University. In our conversation, we discuss the different ways that machine learning applications can be used to address global health issues, including infectious disease surveillance, and tracking search data for changes in health behavior in African countries. We also discuss COVID-19 epidemiology and the importance of recognizing how the disease is affecting people of different races and economic backgrounds.

Language (Technology) Is Power: Exploring the Inherent Complexity of NLP Systems with Hal Daumé III - #395
Today we’re joined by Hal Daume III, professor at the University of Maryland and Co-Chair of the 2020 ICML Conference. We had the pleasure of catching up with Hal ahead of this year's ICML to discuss his research at the intersection of bias, fairness, NLP, and the effects language has on machine learning models, exploring language in two categories as they appear in machine learning models and systems: (1) How we use language to interact with the world, and (2) how we “do” language.

Graph ML Research at Twitter with Michael Bronstein - #394
Today we’re excited to be joined by return guest Michael Bronstein, Head of Graph Machine Learning at Twitter. In our conversation, we discuss the evolution of the graph machine learning space, his new role at Twitter, and some of the research challenges he’s faced, including scalability and working with dynamic graphs. Michael also dives into his work on differential graph modules for graph CNNs, and the various applications of this work.

Panel: The Great ML Language (Un)Debate! - #393
Today we’re excited to bring ‘The Great ML Language (Un)Debate’ to the podcast! In the latest edition of our series of live discussions, we brought together experts and enthusiasts to discuss both popular and emerging programming languages for machine learning, along with the strengths, weaknesses, and approaches offered by Clojure, JavaScript, Julia, Probabilistic Programming, Python, R, Scala, and Swift. We round out the session with an audience Q&A (58:28).

What the Data Tells Us About COVID-19 with Eric Topol - #392
Today we’re joined by Eric Topol, Director & Founder of the Scripps Research Translational Institute, and author of the book Deep Medicine. We caught up with Eric to talk through what we’ve learned about the coronavirus since it's emergence, and the role of tech in understanding and preventing the spread of the disease. We also explore the broader opportunity for medical applications of AI, the promise of personalized medicine, and how techniques like federated learning can offer more privacy in healthc

The Case for Hardware-ML Model Co-design with Diana Marculescu - #391
Today we’re joined by Diana Marculescu, Professor of Electrical and Computer Engineering at UT Austin. We caught up with Diana to discuss her work on hardware-aware machine learning. In particular, we explore her keynote, “Putting the “Machine” Back in Machine Learning: The Case for Hardware-ML Model Co-design” from CVPR 2020. We explore how her research group is focusing on making models more efficient so that they run better on current hardware systems, and how they plan on achieving true co

Computer Vision for Remote AR with Flora Tasse - #390
Today we conclude our CVPR coverage joined by Flora Tasse, Head of Computer Vision & AI Research at Streem. Flora, a keynote speaker at the AR/VR workshop, walks us through some of the interesting use cases at the intersection of AI, CV, and AR technologies, her current work and the origin of her company Selerio, which was eventually acquired by Streem, the difficulties associated with building 3D mesh environments, extracting metadata from those environments, the challenges of pose estimation and more.

Deep Learning for Automatic Basketball Video Production with Julian Quiroga - #389
Today we're Julian Quiroga, a Computer Vision Team Lead at Genius Sports, to discuss his recent paper “As Seen on TV: Automatic Basketball Video Production using Gaussian-based Actionness and Game States Recognition.” We explore camera setups and angles, detection and localization of figures on the court (players, refs, and of course, the ball), and the role that deep learning plays in the process. We also break down how this work applies to different sports, and the ways that he is looking to improve i

How External Auditing is Changing the Facial Recognition Landscape with Deb Raji - #388
Today we’re taking a break from our CVPR coverage to bring you this interview with Deb Raji, a Technology Fellow at the AI Now Institute. Recently there have been quite a few major news stories in the AI community, including the self-imposed moratorium on facial recognition tech from Amazon, IBM and Microsoft. In our conversation with Deb, we dig into these stories, discussing the origins of Deb’s work on the Gender Shades project, the harms of facial recognition, and much more.

AI for High-Stakes Decision Making with Hima Lakkaraju - #387
Today we’re joined by Hima Lakkaraju, an Assistant Professor at Harvard University. At CVPR, Hima was a keynote speaker at the Fair, Data-Efficient and Trusted Computer Vision Workshop, where she spoke on Understanding the Perils of Black Box Explanations. Hima talks us through her presentation, which focuses on the unreliability of explainability techniques that center perturbations, such as LIME or SHAP, as well as how attacks on these models can be carried out, and what they look like.

Invariance, Geometry and Deep Neural Networks with Pavan Turaga - #386
We continue our CVPR coverage with today’s guest, Pavan Turaga, Associate Professor at Arizona State University. Pavan gave a keynote presentation at the Differential Geometry in CV and ML Workshop, speaking on Revisiting Invariants with Geometry and Deep Learning. We go in-depth on Pavan’s research on integrating physics-based principles into computer vision. We also discuss the context of the term “invariant,” and Pavan contextualizes this work in relation to Hinton’s similar Capsule Network res

Channel Gating for Cheaper and More Accurate Neural Nets with Babak Ehteshami Bejnordi - #385
Today we’re joined by Babak Ehteshami Bejnordi, a Research Scientist at Qualcomm. Babak is currently focused on conditional computation, which is the main driver for today’s conversation. We dig into a few papers in great detail including one from this year’s CVPR conference, Conditional Channel Gated Networks for Task-Aware Continual Learning, covering how gates are used to drive efficiency and accuracy, while decreasing model size, how this research manifests into actual products, and more!

Machine Learning Commerce at Square with Marsal Gavalda - #384
Today we’re joined by Marsal Gavalda, head of machine learning for the Commerce platform at Square, where he manages the development of machine learning for various tools and platforms, including marketing, appointments, and above all, risk management. We explore how they manage their vast portfolio of projects, and how having an ML and technology focus at the outset of the company has contributed to their success, tips and best practices for internal democratization of ML, and much more.

Cell Exploration with ML at the Allen Institute w/ Jianxu Chen - #383
Today we’re joined by Jianxu Chen, a scientist at the Allen Institute for Cell Science. At the latest GTC conference, Jianxu presented his work on the Allen Cell Explorer Toolkit, an open-source project that allows users to do 3D segmentation of intracellular structures in fluorescence microscope images at high resolutions, making the images more accessible for data analysis. We discuss three of the major components of the toolkit: the cell image analyzer, the image generator, and the image visualizer

Neural Arithmetic Units & Experiences as an Independent ML Researcher with Andreas Madsen - #382
Today we’re joined by Andreas Madsen, an independent researcher based in Denmark. While we caught up with Andreas to discuss his ICLR spotlight paper, “Neural Arithmetic Units,” we also spend time exploring his experience as an independent researcher, discussing the difficulties of working with limited resources, the importance of finding peers to collaborate with, and tempering expectations of getting papers accepted to conferences -- something that might take a few tries to get right.

2020: A Critical Inflection Point for Responsible AI with Rumman Chowdhury - #381
Today we’re joined by Rumman Chowdhury, Managing Director and Global Lead of Responsible AI at Accenture. In our conversation with Rumman, we explored questions like: • Why is now such a critical inflection point in the application of responsible AI? • How should engineers and practitioners think about AI ethics and responsible AI? • Why is AI ethics inherently personal and how can you define your own personal approach? • Is the implementation of AI governance necessarily authoritarian?

Panel: Advancing Your Data Science Career During the Pandemic - #380
Today we’re joined by Ana Maria Echeverri, Caroline Chavier, Hilary Mason, and Jacqueline Nolis, our guests for the recent Advancing Your Data Science Career During the Pandemic panel. In this conversation, we explore ways that Data Scientists and ML/AI practitioners can continue to advance their careers despite current challenges. Our panelists provide concrete tips, advice, and direction for those just starting out, those affected by layoffs, and those just wanting to move forward in their careers.


Engineering a Less Artificial Intelligence with Andreas Tolias - #379
Today we’re joined by Andreas Tolias, Professor of Neuroscience at Baylor College of Medicine. We caught up with Andreas to discuss his recent perspective piece, “Engineering a Less Artificial Intelligence,” which explores the shortcomings of state-of-the-art learning algorithms in comparison to the brain. The paper also offers several ideas about how neuroscience can lead the quest for better inductive biases by providing useful constraints on representations and network architecture.

Rethinking Model Size: Train Large, Then Compress with Joseph Gonzalez - #378
Today we’re joined by Joseph Gonzalez, Assistant Professor in the EECS department at UC Berkeley. In our conversation, we explore Joseph’s paper “Train Large, Then Compress: Rethinking Model Size for Efficient Training and Inference of Transformers,” which looks at compute-efficient training strategies for models. We discuss the two main problems being solved; 1) How can we rapidly iterate on variations in architecture? And 2) If we make models bigger, is it really improving any efficiency?

The Physics of Data with Alpha Lee - #377
Today we’re joined by Alpha Lee, Winton Advanced Fellow in the Department of Physics at the University of Cambridge. Our conversation centers around Alpha’s research which can be broken down into three main categories: data-driven drug discovery, material discovery, and physical analysis of machine learning. We discuss the similarities and differences between drug discovery and material science, his startup, PostEra which offers medicinal chemistry as a service powered by machine learning, and much more

Is Linguistics Missing from NLP Research? w/ Emily M. Bender - #376 🦜
Today we’re joined by Emily M. Bender, Professor of Linguistics at the University of Washington. Our discussion covers a lot of ground, but centers on the question, "Is Linguistics Missing from NLP Research?" We explore if we would be making more progress, on more solid foundations, if more linguists were involved in NLP research, or is the progress we're making (e.g. with deep learning models like Transformers) just fine?

Disrupting DeepFakes: Adversarial Attacks Against Conditional Image Translation Networks with Nataniel Ruiz - #375
Today we’re joined by Nataniel Ruiz, a PhD Student at Boston University. We caught up with Nataniel to discuss his paper “Disrupting DeepFakes: Adversarial Attacks Against Conditional Image Translation Networks and Facial Manipulation Systems.” In our conversation, we discuss the concept of this work, as well as some of the challenging parts of implementing this work, potential scenarios in which this could be deployed, and the broader contributions that went into this work.

Understanding the COVID-19 Data Quality Problem with Sherri Rose - #374
Today we’re joined by Sherri Rose, Associate Professor at Harvard Medical School. We cover a lot of ground in our conversation, including the intersection of her research with the current COVID-19 pandemic, the importance of quality in datasets and rigor when publishing papers, and the pitfalls of using causal inference. We also touch on Sherri’s work in algorithmic fairness, the shift she’s seen in fairness conferences covering these issues in relation to healthcare research, and a few recent pape

The Whys and Hows of Managing Machine Learning Artifacts with Lukas Biewald - #373
Today we’re joined by Lukas Biewald, founder and CEO of Weights & Biases, to discuss their new tool Artifacts, an end to end pipeline tracker. In our conversation, we explore Artifacts’ place in the broader machine learning tooling ecosystem through the lens of our eBook “The definitive guide to ML Platforms” and how it fits with the W&B model management platform. We discuss also discuss what exactly “Artifacts” are, what the tool is tracking, and take a look at the onboarding process for users.

Language Modeling and Protein Generation at Salesforce with Richard Socher - #372
Today we’re joined Richard Socher, Chief Scientist and Executive VP at Salesforce. Richard and his team have published quite a few great projects lately, including CTRL: A Conditional Transformer Language Model for Controllable Generation, and ProGen, an AI Protein Generator, both of which we cover in-depth in this conversation. We also explore the balancing act between investments, product requirement research and otherwise at a large product-focused company like Salesforce.

AI Research at JPMorgan Chase with Manuela Veloso - #371
Today we’re joined by Manuela Veloso, Head of AI Research at J.P. Morgan Chase. Since moving from CMU to JP Morgan Chase, Manuela and her team established a set of seven lofty research goals. In this conversation we focus on the first three: building AI systems to eradicate financial crime, safely liberate data, and perfect client experience. We also explore Manuela’s background, including her time CMU in the ‘80s, or as she describes it, the “mecca of AI,” and her founding role with RoboCup.

Panel: Responsible Data Science in the Fight Against COVID-19 - #370
In this discussion, we explore how data scientists and ML/AI practitioners can responsibly contribute to the fight against coronavirus and COVID-19. Four experts: Rex Douglass, Rob Munro, Lea Shanley, and Gigi Yuen-Reed shared a ton of valuable insight on the best ways to get involved. We've gathered all the resources that our panelists discussed during the conversation, you can find those at twimlai.com/talk/370.

Adversarial Examples Are Not Bugs, They Are Features with Aleksander Madry - #369
Today we’re joined by Aleksander Madry, Faculty in the MIT EECS Department, to discuss his paper “Adversarial Examples Are Not Bugs, They Are Features.” In our conversation, we talk through what we expect these systems to do, vs what they’re actually doing, if we’re able to characterize these patterns, and what makes them compelling, and if the insights from the paper will help inform opinions on either side of the deep learning debate.

AI for Social Good: Why "Good" isn't Enough with Ben Green - #368
Today we’re joined by Ben Green, PhD Candidate at Harvard and Research Fellow at the AI Now Institute at NYU. Ben’s research is focused on the social and policy impacts of data science, with a focus on algorithmic fairness and the criminal justice system. We discuss his paper ‘Good' Isn't Good Enough,’ which explores the 2 things he feels are missing from data science and machine learning research; A grounded definition of what “good” actually means, and the absence of a “theory of change.

The Evolution of Evolutionary AI with Risto Miikkulainen - #367
Today we’re joined by Risto Miikkulainen, Associate VP of Evolutionary AI at Cognizant AI. Risto joined us back on episode #47 to discuss evolutionary algorithms, and today we get an update on the latest on the topic. In our conversation, we discuss use cases for evolutionary AI and the latest approaches to deploying evolutionary models. We also explore his paper “Better Future through AI: Avoiding Pitfalls and Guiding AI Towards its Full Potential,” which digs into the historical evolution of AI.

Neural Architecture Search and Google’s New AutoML Zero with Quoc Le - #366
Today we’re super excited to share our recent conversation with Quoc Le, a research scientist at Google. Quoc joins us to discuss his work on Google’s AutoML Zero, semi-supervised learning, and the development of Meena, the multi-turn conversational chatbot. This was a really fun conversation, so much so that we decided to release the video! April 16th at 12 pm PT, Quoc and Sam will premiere the video version of this interview on Youtube, and answer your questions in the chat. We’ll see you there!

Automating Electronic Circuit Design with Deep RL w/ Karim Beguir - #365
Today we’re joined by return guest Karim Beguir, Co-Founder and CEO of InstaDeep. In our conversation, we chat with Karim about InstaDeep’s new offering, DeepPCB, an end-to-end platform for automated circuit board design. We discuss challenges and problems with some of the original iterations of auto-routers, how Karim defines circuit board “complexity,” the differences between reinforcement learning being used for games and in this use case, and their spotlight paper from NeurIPS.

Neural Ordinary Differential Equations with David Duvenaud - #364
Today we’re joined by David Duvenaud, Assistant Professor at the University of Toronto, to discuss his research on Neural Ordinary Differential Equations, a type of continuous-depth neural network. In our conversation, we talk through a few of David’s papers on the subject. We discuss the problem that David is trying to solve with this research, the potential that ODEs have to replace “the backbone” of the neural networks that are used to train today, and David’s approach to engineering.

The Measure and Mismeasure of Fairness with Sharad Goel - #363
Today we’re joined by Sharad Goel, Assistant Professor at Stanford. Sharad, who also has appointments in the computer science, sociology, and law departments, has spent recent years focused on applying ML to understanding and improving public policy. In our conversation, we discuss Sharad’s extensive work on discriminatory policing, and The Stanford Open Policing Project. We also dig into Sharad’s paper “The Measure and Mismeasure of Fairness: A Critical Review of Fair Machine Learning.”

Simulating the Future of Traffic with RL w/ Cathy Wu - #362
Today we’re joined by Cathy Wu, Assistant Professor at MIT. We had the pleasure of catching up with Cathy to discuss her work applying RL to mixed autonomy traffic, specifically, understanding the potential impact autonomous vehicles would have on various mixed-autonomy scenarios. To better understand this, Cathy built multiple RL simulations, including a track, intersection, and merge scenarios. We talk through how each scenario is set up, how human drivers are modeled, the results, and much more.

Consciousness and COVID-19 with Yoshua Bengio - #361
Today we’re joined by one of, if not the most cited computer scientist in the world, Yoshua Bengio, Professor at the University of Montreal and the Founder and Scientific Director of MILA. We caught up with Yoshua to explore his work on consciousness, including how Yoshua defines consciousness, his paper “The Consciousness Prior,” as well as his current endeavor in building a COVID-19 tracing application, and the use of ML to propose experimental candidate drugs.

Geometry-Aware Neural Rendering with Josh Tobin - #360
Today we’re joined by Josh Tobin, Co-Organizer of the machine learning training program Full Stack Deep Learning. We had the pleasure of sitting down with Josh prior to his presentation of his paper Geometry-Aware Neural Rendering at NeurIPS. Josh's goal is to develop implicit scene understanding, building upon Deepmind's Neural scene representation and rendering work. We discuss challenges, the various datasets used to train his model, and the similarities between VAE training and his process, and mor

The Third Wave of Robotic Learning with Ken Goldberg - #359
Today we’re joined by Ken Goldberg, professor of engineering at UC Berkeley, focused on robotic learning. In our conversation with Ken, we chat about some of the challenges that arise when working on robotic grasping, including uncertainty in perception, control, and physics. We also discuss his view on the role of physics in robotic learning, and his thoughts on potential robot use cases, from the use of robots in assisting in telemedicine, agriculture, and even robotic Covid-19 testing.

Learning Visiolinguistic Representations with ViLBERT w/ Stefan Lee - #358
Today we’re joined by Stefan Lee, an assistant professor at Oregon State University. In our conversation, we focus on his paper ViLBERT: Pretraining Task-Agnostic Visiolinguistic Representations for Vision-and-Language Tasks. We discuss the development and training process for this model, the adaptation of the training process to incorporate additional visual information to BERT models, where this research leads from the perspective of integration between visual and language tasks.

Upside-Down Reinforcement Learning with Jürgen Schmidhuber - #357
Today we’re joined by Jürgen Schmidhuber, Co-Founder and Chief Scientist of NNAISENSE, the Scientific Director at IDSIA, as well as a Professor of AI at USI and SUPSI in Switzerland. Jürgen’s lab is well known for creating the Long Short-Term Memory (LSTM) network, and in this conversation, we discuss some of the recent research coming out of his lab, namely Upside-Down Reinforcement Learning.

SLIDE: Smart Algorithms over Hardware Acceleration for Large-Scale Deep Learning with Beidi Chen - #356
Beidi Chen is part of the team that developed a cheaper, algorithmic, CPU alternative to state-of-the-art GPU machines. They presented their findings at NeurIPS 2019 and have since gained a lot of attention for their paper, SLIDE: In Defense of Smart Algorithms Over Hardware Acceleration for Large-Scale Deep Learning Systems. Beidi shares how the team took a new look at deep learning with the case of extreme classification by turning it into a search problem and using locality-sensitive hashing.

Advancements in Machine Learning with Sergey Levine - #355
Today we're joined by Sergey Levine, an Assistant Professor at UC Berkeley. We last heard from Sergey back in 2017, where we explored Deep Robotic Learning. Sergey and his lab’s recent efforts have been focused on contributing to a future where machines can be “out there in the real world, learning continuously through their own experience.” We caught up with Sergey at NeurIPS 2019, where Sergey and his team presented 12 different papers -- which means a lot of ground to cover!

Secrets of a Kaggle Grandmaster with David Odaibo - #354
Imagine spending years learning ML from the ground up, from its theoretical foundations, but still feeling like you didn’t really know how to apply it. That’s where David Odaibo found himself in 2015, after the second year of his PhD. David’s solution was Kaggle, a popular platform for data science competitions. Fast forward four years, and David is now a Kaggle Grandmaster, the highest designation, with particular accomplishment in computer vision competitions, and co-founder and CTO of Analytical

NLP for Mapping Physics Research with Matteo Chinazzi - #353
Predicting the future of science, particularly physics, is the task that Matteo Chinazzi, an associate research scientist at Northeastern University focused on in his paper Mapping the Physics Research Space: a Machine Learning Approach. In addition to predicting the trajectory of physics research, Matteo is also active in the computational epidemiology field. His work in that area involves building simulators that can model the spread of diseases like Zika or the seasonal flu at a global scale.

Metric Elicitation and Robust Distributed Learning with Sanmi Koyejo - #352
The unfortunate reality is that many of the most commonly used machine learning metrics don't account for the complex trade-offs that come with real-world decision making. This is one of the challenges that Sanmi Koyejo, assistant professor at the University of Illinois, has dedicated his research to address. Sanmi applies his background in cognitive science, probabilistic modeling, and Bayesian inference to pursue his research which focuses broadly on “adaptive and robust machine learning.”

High-Dimensional Robust Statistics with Ilias Diakonikolas - #351
Today we’re joined by Ilias Diakonikolas, faculty in the CS department at the University of Wisconsin-Madison, and author of the paper Distribution-Independent PAC Learning of Halfspaces with Massart Noise, recipient of the NeurIPS 2019 Outstanding Paper award. The paper is regarded as the first progress made around distribution-independent learning with noise since the 80s. In our conversation, we explore robustness in ML, problems with corrupt data in high-dimensional settings, and of course, the paper.

How AI Predicted the Coronavirus Outbreak with Kamran Khan - #350
Today we’re joined by Kamran Khan, founder & CEO of BlueDot, and professor of medicine and public health at the University of Toronto. BlueDot has been the recipient of a lot of attention for being the first to publicly warn about the coronavirus that started in Wuhan. How did the company’s system of algorithms and data processing techniques help flag the potential dangers of the disease? In our conversation, Kamran talks us through how the technology works, its limits, and the motivation behind the wor

Turning Ideas into ML Powered Products with Emmanuel Ameisen - #349
Today we’re joined by Emmanuel Ameisen, machine learning engineer at Stripe, and author of the recently published book “Building Machine Learning Powered Applications; Going from Idea to Product.” In our conversation, we discuss structuring end-to-end machine learning projects, debugging and explainability in the context of models, the various types of models covered in the book, and the importance of post-deployment monitoring.

Algorithmic Injustices and Relational Ethics with Abeba Birhane - #348
Today we’re joined by Abeba Birhane, PhD Student at University College Dublin and author of the recent paper Algorithmic Injustices: Towards a Relational Ethics, which was the recipient of the Best Paper award at the 2019 Black in AI Workshop at NeurIPS. In our conversation, break down the paper and the thought process around AI ethics, the “harm of categorization,” how ML generally doesn’t account for the ethics of various scenarios and how relational ethics could solve the issue, and much more.

AI for Agriculture and Global Food Security with Nemo Semret - #347
Today we’re excited to kick off our annual Black in AI Series joined by Nemo Semret, CTO of Gro Intelligence. Gro provides an agricultural data platform dedicated to improving global food security, focused on applying AI at macro scale. In our conversation with Nemo, we discuss Gro’s approach to data acquisition, how they apply machine learning to various problems, and their approach to modeling.

Practical Differential Privacy at LinkedIn with Ryan Rogers - #346
Today we’re joined by Ryan Rogers, Senior Software Engineer at LinkedIn, to discuss his paper “Practical Differentially Private Top-k Selection with Pay-what-you-get Composition.” In our conversation, we discuss how LinkedIn allows its data scientists to access aggregate user data for exploratory analytics while maintaining its users’ privacy through differential privacy, and the connection between a common algorithm for implementing differential privacy, the exponential mechanism, and Gumbel noise.

Networking Optimizations for Multi-Node Deep Learning on Kubernetes with Erez Cohen - #345
Today we conclude the KubeCon ‘19 series joined by Erez Cohen, VP of CloudX & AI at Mellanox, who we caught up with before his talk “Networking Optimizations for Multi-Node Deep Learning on Kubernetes.” In our conversation, we discuss NVIDIA’s recent acquisition of Mellanox, the evolution of technologies like RDMA and GPU Direct, how Mellanox is enabling Kubernetes and other platforms to take advantage of the recent advancements in networking tech, and why we should care about networking in Deep Lea

Managing Research Needs at the University of Michigan using Kubernetes w/ Bob Killen - #344
Today we’re joined by Bob Killen, Research Cloud Administrator at the University of Michigan. In our conversation, we explore how Bob and his group at UM are deploying Kubernetes, the user experience, and how those users are taking advantage of distributed computing. We also discuss if ML/AI focused Kubernetes users should fear that the larger non-ML/AI user base will negatively impact their feature needs, where gaps currently exist in trying to support these ML/AI users’ workloads, and more!

Scalable and Maintainable Workflows at Lyft with Flyte w/ Haytham AbuelFutuh and Ketan Umare - #343
Today we kick off our KubeCon ‘19 series joined by Haytham AbuelFutuh and Ketan Umare, a pair of software engineers at Lyft. We caught up with Haytham and Ketan at KubeCo, where they were presenting their newly open-sourced, cloud-native ML and data processing platform, Flyte. We discuss what prompted Ketan to undertake this project and his experience building Flyte, the core value proposition, what type systems mean for the user experience, how it relates to Kubeflow and how Flyte is used across Lyft.

Causality 101 with Robert Osazuwa Ness - #342
Today Robert Osazuwa Ness, ML Research Engineer at Gamalon and Instructor at Northeastern University joins us to discuss Causality, what it means, and how that meaning changes across domains and users, and our upcoming study group based around his new course sequence, “Causal Modeling in Machine Learning," for which you can find details at twimlai.com/community.

PaccMann^RL: Designing Anticancer Drugs with Reinforcement Learning w/ Jannis Born - #341
Today we’re joined by Jannis Born, Ph.D. student at ETH & IBM Research Zurich, to discuss his “PaccMann^RL” research. Jannis details how his background in computational neuroscience applies to this research, how RL fits into the goal of anticancer drug discovery, the effect DL has had on his research, and of course, a step-by-step walkthrough of how the framework works to predict the sensitivity of cancer drugs on a cell and then discover new anticancer drugs.

Social Intelligence with Blaise Aguera y Arcas - #340
Today we’re joined by Blaise Aguera y Arcas, a distinguished scientist at Google. We had the pleasure of catching up with Blaise at NeurIPS last month, where he was invited to speak on “Social Intelligence.” In our conversation, we discuss his role at Google, and his team’s approach to machine learning, and of course his presentation, in which he touches discussing today’s ML landscape, the gap between AI and ML/DS, the difference between intelligent systems and true intelligence, and much more.

Music & AI Plus a Geometric Perspective on Reinforcement Learning with Pablo Samuel Castro - #339
Today we’re joined by Pablo Samuel Castro, Staff Research Software Developer at Google. We cover a lot of ground in our conversation, including his love for music, and how that has guided his work on the Lyric AI project, and a few of his papers including “A Geometric Perspective on Optimal Representations for Reinforcement Learning” and “Estimating Policy Functions in Payments Systems using Deep Reinforcement Learning.”

Trends in Computer Vision with Amir Zamir - #338
Today we close out AI Rewind 2019 joined by Amir Zamir, who recently began his tenure as an Assistant Professor of Computer Science at the Swiss Federal Institute of Technology. Amir joined us back in 2018 to discuss his CVPR Best Paper winner, and in today’s conversation, we continue with the thread of Computer Vision. In our conversation, we discuss quite a few topics, including Vision-for-Robotics, the expansion of the field of 3D Vision, Self-Supervised Learning for CV Tasks, and much more!

Trends in Natural Language Processing with Nasrin Mostafazadeh - #337
Today we continue the AI Rewind 2019 joined by friend-of-the-show Nasrin Mostafazadeh, Senior AI Research Scientist at Elemental Cognition. We caught up with Nasrin to discuss the latest and greatest developments and trends in Natural Language Processing, including Interpretability, Ethics, and Bias in NLP, how large pre-trained models have transformed NLP research, and top tools and frameworks in the space.

Trends in Fairness and AI Ethics with Timnit Gebru - #336
Today we keep the 2019 AI Rewind series rolling with friend-of-the-show Timnit Gebru, a research scientist on the Ethical AI team at Google. A few weeks ago at NeurIPS, Timnit joined us to discuss the ethics and fairness landscape in 2019. In our conversation, we discuss diversification of NeurIPS, with groups like Black in AI, WiML and others taking huge steps forward, trends in the fairness community, quite a few papers, and much more.

Trends in Reinforcement Learning with Chelsea Finn - #335
Today we continue to review the year that was 2019 via our AI Rewind series, and do so with friend of the show Chelsea Finn, Assistant Professor in the CS Department at Stanford University. Chelsea’s research focuses on Reinforcement Learning, so we couldn’t think of a better person to join us to discuss the topic. In this conversation, we cover topics like Model-based RL, solving hard exploration problems, along with RL libraries and environments that Chelsea thought moved the needle last year.

Trends in Machine Learning & Deep Learning with Zack Lipton - #334
Today we kick off our 2019 AI Rewind Series joined by Zack Lipton, Professor at CMU. You might remember Zack from our conversation earlier this year, “Fairwashing” and the Folly of ML Solutionism. In today's conversation, Zack recaps advancements across the vast fields of Machine Learning and Deep Learning, including trends, tools, research papers and more. We want to hear from you! Send your thoughts on the year that was 2019 below in the comments, or via Twitter @samcharrington or @twimlai.

FaciesNet & Machine Learning Applications in Energy with Mohamed Sidahmed - #333
Today we close out our 2019 NeurIPS series with Mohamed Sidahmed, Machine Learning and Artificial Intelligence R&D Manager at Shell. In our conversation, we discuss two papers Mohamed and his team submitted to the conference this year, Accelerating Least Squares Imaging Using Deep Learning Techniques, and FaciesNet: Machine Learning Applications for Facies Classification in Well Logs. The show notes for this episode can be found at twimlai.com/talk/333/, where you’ll find links to both of these papers!

Machine Learning: A New Approach to Drug Discovery with Daphne Koller - #332
Today we’re joined by Daphne Koller, co-Founder and former co-CEO of Coursera and Founder and CEO of Insitro. In our conversation, discuss the current landscape of pharmaceutical drugs and drug discovery, including the current pricing of drugs, and an overview of Insitro’s goal of using ML as a “compass” in drug discovery. We also explore how Insitro functions as a company, their focus on the biology of drug discovery and the landscape of ML techniques being used, Daphne’s thoughts on AutoML, and

Sensory Prediction Error Signals in the Neocortex with Blake Richards - #331
Today we continue our 2019 NeurIPS coverage, this time around joined by Blake Richards, Assistant Professor at McGill University and a Core Faculty Member at Mila. Blake was an invited speaker at the Neuro-AI Workshop, and presented his research on “Sensory Prediction Error Signals in the Neocortex.” In our conversation, we discuss a series of recent studies on two-photon calcium imaging. We talk predictive coding, hierarchical inference, and Blake’s recent work on memory systems for reinforcement lea

How to Know with Celeste Kidd - #330
Today we’re joined by Celeste Kidd, Assistant Professor at UC Berkeley, to discuss her invited talk “How to Know” which details her lab’s research about the core cognitive systems people use to guide their learning about the world. We explore why people are curious about some things but not others, and how past experiences and existing knowledge shape future interests, why people believe what they believe, and how these beliefs are influenced, and how machine learning figures into the equation.

Using Deep Learning to Predict Wildfires with Feng Yan - #329
Today we’re joined by Feng Yan, Assistant Professor at the University of Nevada, Reno to discuss ALERTWildfire, a camera-based network infrastructure that captures satellite imagery of wildfires. In our conversation, Feng details the development of the machine learning models and surrounding infrastructure. We also talk through problem formulation, challenges with using camera and satellite data in this use case, and how he has combined the use of IaaS and FaaS tools for cost-effectiveness and scalability

Advancing Machine Learning at Capital One with Dave Castillo - #328
Today we’re joined by Dave Castillo, Managing VP for ML at Capital One and head of their Center for Machine Learning. In our conversation, we explore Capital One’s transition from “lab-based” ML to enterprise-wide adoption and support of ML, surprising ML use cases, their current platform ecosystem, their design vision in building this into a larger, all-encompassing platform, pain points in building this platform, and much more.

Helping Fish Farmers Feed the World with Deep Learning w/ Bryton Shang - #327
Today we’re joined by Bryton Shang, Founder & CEO at Aquabyte, a company focused on the application of computer vision to various fish farming use cases. In our conversation, we discuss how Bryton identified the various problems associated with mass fish farming, challenges developing computer algorithms that can measure the height and weight of fish, assess issues like sea lice, and how they’re developing interesting new features such as facial recognition for fish!

Metaflow, a Human-Centric Framework for Data Science with Ville Tuulos - #326
Today we kick off our re:Invent 2019 series with Ville Tuulos, Machine Learning Infrastructure Manager at Netflix. At re:Invent, Netflix announced the open-sourcing of Metaflow, their “human-centric framework for data science.” In our conversation, we discuss all things Metaflow, including features, user experience, tooling, supported libraries, and much more. If you’re interested in checking out a Metaflow democast with Villa, reach out at twimlai.com/contact!

Single Headed Attention RNN: Stop Thinking With Your Head with Stephen Merity - #325
Today we’re joined by Stephen Merity, an independent researcher focused on NLP and Deep Learning. In our conversation, we discuss Stephens latest paper, Single Headed Attention RNN: Stop Thinking With Your Head, detailing his primary motivations behind the paper, the decision to use SHA-RNNs for this research, how he built and trained the model, his approach to benchmarking, and finally his goals for the research in the broader research community.

Automated Model Tuning with SigOpt - #324
In this TWIML Democast, we're joined by SigOpt Co-Founder and CEO Scott Clark. Scott details the SigOpt platform, and gives us a live demo! This episode is best consumed by watching the corresponding video demo, which you can find at twimlai.com/talk/324.

Automated Machine Learning with Erez Barak - #323
Today we’re joined by Erez Barak, Partner Group Manager of Azure ML at Microsoft. In our conversation, Erez gives us a full breakdown of his AutoML philosophy, and his take on the AutoML space, its role, and its importance. We also discuss the application of AutoML as a contributor to the end-to-end data science process, which Erez breaks down into 3 key areas; Featurization, Learner/Model Selection, and Tuning/Optimizing Hyperparameters. We also discuss post-deployment AutoML use cases, and much more!

Responsible AI in Practice with Sarah Bird - #322
Today we continue our Azure ML at Microsoft Ignite series joined by Sarah Bird, Principal Program Manager at Microsoft. At Ignite, Microsoft released new tools focused on responsible machine learning, which fall under the umbrella of the Azure ML 'Machine Learning Interpretability Toolkit.’ In our conversation, Sarah walks us this toolkit, detailing use cases and the user experience. We also discuss her work in differential privacy, and in the broader ML community, in particular, the MLSys conference.

Enterprise Readiness, MLOps and Lifecycle Management with Jordan Edwards - #321
Today we’re joined by Jordan Edwards, Principal Program Manager for MLOps on Azure ML at Microsoft. In our conversation, Jordan details how Azure ML accelerates model lifecycle management with MLOps, which enables data scientists to collaborate with IT teams to increase the pace of model development and deployment. We discuss various problems associated with generalizing ML at scale at Microsoft, what exactly MLOps is, the “four phases” along the journey of customer implementation of MLOps, and much m

DevOps for ML with Dotscience - #320
Today we’re joined by Luke Marsden, Founder and CEO of Dotscience. Luke walks us through the Dotscience platform and their manifesto on DevOps for ML. Thanks to Luke and Dotscience for their sponsorship of this Democast and their continued support of TWIML. Head to https://twimlai.com/democast/dotscience to watch the full democast!

Building an Autonomous Knowledge Graph with Mike Tung - #319
Today we’re joined by Mike Tung, Founder, and CEO of Diffbot. In our conversation, we discuss Diffbot’s Knowledge Graph, including how it differs from more mainstream use cases like Google Search and MSFT Bing. We also discuss the developer experience with the knowledge graph and other tools, like Extraction API and Crawlbot, challenges like knowledge fusion, balancing being a research company that is also commercially viable, and how they approach their role in the research community.

The Next Generation of Self-Driving Engineers with Aaron Ma - Talk #318
Today we’re joined by our youngest guest ever (by far), Aaron Ma, an 11-year-old middle school student and machine learning engineer in training. Aaron has completed over 80(!) Coursera courses and is the recipient of 3 Udacity nano-degrees. In our conversation, we discuss Aaron’s research interests in reinforcement learning and self-driving cars, his journey from programmer to ML engineer, his experiences participating in kaggle competitions, and how he balances his passion for ML with day-to-day life.

Spiking Neural Networks: A Primer with Terrence Sejnowski - #317
On today’s episode, we’re joined by Terrence Sejnowski, to discuss the ins and outs of spiking neural networks, including brain architecture, the relationship between neuroscience and machine learning, and ways to make NN’s more efficient through spiking. Terry also gives us some insight into hardware used in this field, characterizes the major research problems currently being undertaken, and the future of spiking networks.

Bridging the Patient-Physician Gap with ML and Expert Systems w/ Xavier Amatriain - #316
Today we’re joined by return guest Xavier Amatriain, Co-founder and CTO of Curai, whose goal is to make healthcare accessible and scaleable while bringing down costs. In our conversation, we touch on the shortcomings of traditional primary care, and how Curai fills that role, and some of the unique challenges his team faces in applying ML in the healthcare space. We also discuss the use of expert systems, how they train them, and how NLP projects like BERT and GPT-2 fit into what they’re building.

What Does it Mean for a Machine to "Understand"? with Thomas Dietterich - #315
Today we have the pleasure of being joined by Tom Dietterich, Distinguished Professor Emeritus at Oregon State University. Tom recently wrote a blog post titled "What does it mean for a machine to “understand”, and in our conversation, he goes into great detail on his thoughts. We cover a lot of ground, including Tom’s position in the debate, his thoughts on the role of systems like deep learning in potentially getting us to AGI, the “hype engine” around AI advancements, and so much more.

Scaling TensorFlow at LinkedIn with Jonathan Hung - #314
Today we’re joined by Jonathan Hung, Sr. Software Engineer at LinkedIn. Jonathan presented at TensorFlow world last week, titled Scaling TensorFlow at LinkedIn. In our conversation, we discuss their motivation for using TensorFlow on their pre-existing Hadoop clusters infrastructure, TonY, or TensorFlow on Yard, LinkedIn’s framework that natively runs deep learning jobs on Hadoop, and its relationship with Pro-ML, LinkedIn’s internal AI Platform, and their foray into using Kubernetes for research.

Machine Learning at GitHub with Omoju Miller - #313
Today we’re joined by Omoju Miller, a Sr. machine learning engineer at GitHub. In our conversation, we discuss: • Her dissertation, Hiphopathy, A Socio-Curricular Study of Introductory Computer Science, • Her work as an inaugural member of the Github machine learning team • Her two presentations at Tensorflow World, “Why is machine learning seeing exponential growth in its communities” and “Automating your developer workflow on GitHub with Tensorflow.”

Using AI to Diagnose and Treat Neurological Disorders with Archana Venkataraman - #312
Today we’re joined by Archana Venkataraman, John C. Malone Assistant Professor of Electrical and Computer Engineering at Johns Hopkins University. Archana’s research at the Neural Systems Analysis Laboratory focuses on developing tools, frameworks, and algorithms to better understand, and treat neurological and psychiatric disorders, including autism, epilepsy, and others. We explore her work applying machine learning to these problems, including biomarker discovery, disorder severity prediction and mor

Deep Learning for Earthquake Aftershock Patterns with Phoebe DeVries & Brendan Meade - #311
Today we are joined by Phoebe DeVries, Postdoctoral Fellow in the Department of Earth and Planetary Sciences at Harvard and Brendan Meade, Professor of Earth and Planetary Sciences at Harvard. Phoebe and Brendan’s work is focused on discovering as much as possible about earthquakes before they happen, and by measuring how the earth’s surface moves, predicting future movement location, as seen in their paper: ‘Deep learning of aftershock patterns following large earthquakes'.

Live from TWIMLcon! Operationalizing Responsible AI - #310
An often forgotten about topic garnered high praise at TWIMLcon this month: operationalizing responsible and ethical AI. This important topic was combined with an impressive panel of speakers, including: Rachel Thomas, Director, Center for Applied Data Ethics at the USF Data Institute, Guillaume Saint-Jacques, Head of Computational Science at LinkedIn, and Parinaz Sobahni, Director of Machine Learning at Georgian Partners, moderated by Khari Johnson, Senior AI Staff Writer at VentureBeat.

Live from TWIMLcon! Scaling ML in the Traditional Enterprise - #309
Machine learning and AI is finding a place in the traditional enterprise - although the path to get there is different. In this episode, our panel analyzes the state and future of larger, more established brands. Hear from Amr Awadallah, Founder and Global CTO of Cloudera, Pallav Agrawal, Director of Data Science at Levi Strauss & Co., and Jürgen Weichenberger, Data Science Senior Principal & Global AI Lead at Accenture, moderated by Josh Bloom, Professor at UC Berkeley.

Live from TWIMLcon! Culture & Organization for Effective ML at Scale (Panel) - #308
TWIMLcon brought together so many in the ML/AI community to discuss the unique challenges to building and scaling machine learning platforms. In this episode, hear about changing the way companies think about machine learning from a diverse set of panelists including Pardis Noorzad, Data Science Manager at Twitter, Eric Colson, Chief Algorithms Officer Emeritus at Stitch Fix, and Jennifer Prendki, Founder & CEO at Alectio, moderated by Maribel Lopez, Founder & Principal Analyst at Lopez Research.

Live from TWIMLcon! Use-Case Driven ML Platforms with Franziska Bell - #307
Today we're Franziska Bell, Ph.D., the Director of Data Science Platforms at Uber, who joined Sam on stage at TWIMLcon last week. Fran provided a look into the cutting edge data science available company-wide at the push of a button. Since joining Uber, Fran has developed a portfolio of platforms, ranging from forecasting to conversational AI. Hear how use cases can strategically guide platform development, the evolving relationship between her team and Michelangelo (Uber’s ML Platform) and much more!

Live from TWIMLcon! Operationalizing ML at Scale with Hussein Mehanna - #306
The live interviews from TWIMLcon continue with Hussein Mehanna, Head of ML and AI at Cruise. From his start at Facebook to his current work at Cruise, Hussein has seen first hand what it takes to scale and sustain machine learning programs. Hear him discuss the challenges (and joys) of working in the industry, his insight into analyzing scale when innovation is happening in parallel with development, his experiences at Facebook, Google, and Cruise, and his predictions for the future of ML platforms!

Live from TWIMLcon! Encoding Company Culture in Applied AI Systems - #305
In this episode, Sam is joined by Deepak Agarwal, VP of Engineering at LinkedIn, who graced the stage at TWIMLcon: AI Platforms for a keynote interview. Deepak shares the impact that standardizing processes and tools have on a company’s culture and productivity levels, and best practices to increasing ML ROI. He also details the Pro-ML initiative for delivering machine learning systems at scale, specifically looking at aligning improvement of tooling and infrastructure with the pace of innovation and more

Live from TWIMLcon! Overcoming the Barriers to Deep Learning in Production with Andrew Ng - #304
Earlier today, Andrew Ng joined us onstage at TWIMLcon - as the Founder and CEO of Landing AI and founding lead of Google Brain, Andrew is no stranger to knowing what it takes for AI and machine learning to be successful. Hear about the work that Landing AI is doing to help organizations adopt modern AI, his experience in overcoming challenges for large companies, how enterprises can get the most value for their ML investment as well as addressing the ‘essential complexity’ of software engineering.

The Future of Mixed-Autonomy Traffic with Alexandre Bayen - #303
Today we are joined by Alexandre Bayen, Director of the Institute for Transportation Studies and Professor at UC Berkeley. Alex's current research is in mixed-autonomy traffic to understand how the growing automation in self-driving vehicles can be used to improve mobility and flow of traffic. At the AWS re:Invent conference last year, Alex presented on the future of mixed-autonomy traffic and the two major revolutions he predicts will take place in the next 10-15 years.

Deep Reinforcement Learning for Logistics at Instadeep with Karim Beguir - #302
Today we are joined by Karim Beguir, Co-Founder and CEO of InstaDeep, a company focusing on building advanced decision-making systems for the enterprise. In this episode, we focus on logistical problems that require decision-making in complex environments using deep learning and reinforcement learning. Karim explains the InstaDeep process and mindset, where they get their data sets, the efficiency of RL, heuristic vs learnability approaches and how explainability fits into the model.

Deep Learning with Structured Data w/ Mark Ryan - #301
Today we're joined by Mark Ryan, author of the upcoming book Deep Learning with Structured Data. Working on the support team at IBM Data and AI, he saw a lack of general structured data sets people could apply their models to. Using the streetcar network in Toronto, Mark gathered an open data set that started the research for his latest book. In this episode, Mark shares the benefits of applying deep learning to structured data, details of his experience with a range of data sets, and details his new book.

Time Series Clustering for Monitoring Fueling Infrastructure Performance with Kalai Ramea - #300
Today we're joined by Kalai Ramea, Data Scientist at PARC, a Xerox Company. In this episode we discuss her journey buying a hydrogen car and the subsequent journey and paper that followed assessing fueling stations. In her next paper, Kalai looked at fuel consumption at hydrogen stations and used temporal clustering to identify signatures of usage over time. As the number of fueling stations is planned to increase dramatically in the future, building reliability on their performance is crucial.

Swarm AI for Event Outcome Prediction with Gregg Willcox - TWIML Talk #299
Today we're joined by Gregg Willcox, Director of Research and Development at Unanimous AI. Inspired by the natural phenomenon called 'swarming', which uses the collective intelligence of a group to produce more accurate results than an individual alone, ‘Swarm AI’ was born. A game-like platform that channels the convictions of individuals to come to a consensus and using a behavioral neural network trained on people’s behavior called ‘Conviction’, to further amplify the results.

Rebooting AI: What's Missing, What's Next with Gary Marcus - TWIML Talk #298
Today we're joined by Gary Marcus, CEO and Founder at Robust.AI, well-known scientist, bestselling author, professor and entrepreneur. Hear Gary discuss his latest book, ‘Rebooting AI: Building Artificial Intelligence We Can Trust’, an extensive look into the current gaps, pitfalls and areas for improvement in the field of machine learning and AI. In this episode, Gary provides insight into what we should be talking and thinking about to make even greater (and safer) strides in AI.

DeepQB: Deep Learning to Quantify Quarterback Decision-Making with Brian Burke - TWIML Talk #297
Today we're joined by Brian Burke, Analytics Specialist with the Stats & Information Group at ESPN. A former Navy pilot and lifelong football fan, Brian saw the correlation between fighter pilots and quarterbacks in the quick decisions both roles make on a regular basis. In this episode, we discuss his paper: “DeepQB: Deep Learning with Player Tracking to Quantify Quarterback Decision-Making & Performance”, what it means for football, and his excitement for machine learning in sports.

Measuring Performance Under Pressure Using ML with Lotte Bransen - TWIML Talk #296
Today we're joined by Lotte Bransen, a Scientific Researcher at SciSports. With a background in mathematics, econometrics, and soccer, Lotte has honed her research on analytics of the game and its players, using trained models to understand the impact of mental pressure on a player’s performance. In this episode, Lotte discusses her paper, ‘Choke or Shine? Quantifying Soccer Players' Abilities to Perform Under Mental Pressure’ and the implications of her research in the world of sports.

Managing Deep Learning Experiments with Lukas Biewald - TWIML Talk #295
Today we're joined by Lukas Biewald, CEO and Co-Founder of Weights & Biases. Lukas founded the company after seeing a need for reproducibility in deep learning experiments. In this episode, we discuss his experiment tracking tool, how it works, the components that make it unique, and the collaborative culture that Lukas promotes. Listen in to how he got his start in deep learning and experiment tracking, the current Weights & Biases success strategy, and what his team is working on today.

Re-Architecting Data Science at iRobot with Angela Bassa - TWIML Talk #294
Today we’re joined by Angela Bassa, Director of Data Science at iRobot. In our conversation, Angela and I discuss: • iRobot's re-architecture, and a look at the evolution of iRobot. • Where iRobot gets its data from and how they taxonomize data science. • The platforms and processes that have been put into place to support delivering models in production. •The role of DevOps in bringing these various platforms together, and much more!

Disentangled Representations & Google Research Football with Olivier Bachem - TWIML Talk #293
Today we’re joined by Olivier Bachem, a research scientist at Google AI on the Brain team. Olivier joins us to discuss his work on Google’s research football project, their foray into building a novel reinforcement learning environment. Olivier and Sam discuss what makes this environment different than other available RL environments, such as OpenAI Gym and PyGame, what other techniques they explored while using this environment, and what’s on the horizon for their team and Football RLE.

Neural Network Quantization and Compression with Tijmen Blankevoort - TWIML Talk #292
Today we’re joined by Tijmen Blankevoort, a staff engineer at Qualcomm, who leads their compression and quantization research teams. In our conversation with Tijmen we discuss: • The ins and outs of compression and quantization of ML models, specifically NNs, • How much models can actually be compressed, and the best way to achieve compression, • We also look at a few recent papers including “Lottery Hypothesis."

Identifying New Materials with NLP with Anubhav Jain - TWIML Talk #291
Today we are joined by Anubhav Jain, Staff Scientist & Chemist at Lawrence Berkeley National Lab. We discuss his latest paper, ‘Unsupervised word embeddings capture latent knowledge from materials science literature’. Anubhav explains the design of a system that takes the literature and uses natural language processing to conceptualize complex material science concepts. He also discusses scientific literature mining and how the method can recommend materials for functional applications in the future.

The Problem with Black Boxes with Cynthia Rudin - TWIML Talk #290
Today we are joined by Cynthia Rudin, Professor of Computer Science, Electrical and Computer Engineering, and Statistical Science at Duke University. In this episode we discuss her paper, ‘Please Stop Explaining Black Box Models for High Stakes Decisions’, and how interpretable models make for more comprehensible decisions - extremely important when dealing with human lives. Cynthia explains black box and interpretable models, their development, use cases, and her future plans in the field.

Human-Robot Interaction and Empathy with Kate Darling - TWIML Talk #289
Today we’re joined by Dr. Kate Darling, Research Specialist at the MIT Media Lab. Kate’s focus is on robot ethics, the social implication of how people treat robots and the purposeful design of robots in our daily lives. We discuss measuring empathy, the impact of robot treatment on kids behavior, the correlation between animals and robots, and why 'effective' robots aren’t always humanoid. Kate combines a wealth of knowledge with an analytical mind that questions the why and how of human-robot intera

Automated ML for RNA Design with Danny Stoll - TWIML Talk #288
Today we’re joined by Danny Stoll, Research Assistant at the University of Freiburg. Danny’s current research can be encapsulated in his latest paper, ‘Learning to Design RNA’. In this episode, Danny explains the design process through reverse engineering and how his team’s deep learning algorithm is applied to train and design sequences. We discuss transfer learning, multitask learning, ablation studies, hyperparameter optimization and the difference between chemical and statistical based approac

Developing a brain atlas using deep learning with Theofanis Karayannis - TWIML Talk #287
Today we’re joined by Theofanis Karayannis, Assistant Professor at the Brain Research Institute of the University of Zurich. Theo’s research is focused on brain circuit development and uses Deep Learning methods to segment the brain regions, then detect the connections around each region. He then looks at the distribution of connections that make neurological decisions in both animals and humans every day. From the way images of the brain are collected to genetic trackability, this episode has it all.

Environmental Impact of Large-Scale NLP Model Training with Emma Strubell - TWIML Talk #286
Today we’re joined by Emma Strubell, currently a visiting scientist at Facebook AI Research. Emma’s focus is bringing state of the art NLP systems to practitioners by developing efficient and robust machine learning models. Her paper, Energy and Policy Considerations for Deep Learning in NLP, reviews carbon emissions of training neural networks despite an increase in accuracy. In this episode, we discuss Emma’s research methods, how companies are reacting to environmental concerns, and how we can do b

“Fairwashing” and the Folly of ML Solutionism with Zachary Lipton - TWIML Talk #285
Today we’re joined by Zachary Lipton, Assistant Professor in the Tepper School of Business. With a theme of data interpretation, Zachary’s research is focused on machine learning in healthcare, with the goal of assisting physicians through the diagnosis and treatment process. We discuss supervised learning in the medical field, robustness under distribution shifts, ethics in machine learning systems across industries, the concept of ‘fairwashing, and more.

Retinal Image Generation for Disease Discovery with Stephen Odaibo - TWIML Talk #284
Today we’re joined by Dr. Stephen Odaibo, Founder and CEO of RETINA-AI Health Inc. Stephen’s journey to machine learning and AI includes degrees in math, medicine and computer science, which led him to an ophthalmology practice before becoming an entrepreneur. In this episode we discuss his expertise in ophthalmology and engineering along with the current state of both industries that lead him to build autonomous systems that diagnose and treat retinal diseases.

Real world model explainability with Rayid Ghani - TWiML Talk #283
Today we’re joined by Rayid Ghani, Director of the Center for Data Science and Public Policy at the University of Chicago. Drawing on his range of experience, Rayid saw that while automated predictions can be helpful, they don’t always paint a full picture. The key is the relevant context when making tough decisions involving humans and their lives. We delve into the world of explainability methods, necessary human involvement, machine feedback loop and more.

Inspiring New Machine Learning Platforms w/ Bioelectric Computation with Michael Levin - TWiML Talk #282
Today we’re joined by Michael Levin, Director of the Allen Discovery Institute at Tufts University. In our conversation, we talk about synthetic living machines, novel AI architectures and brain-body plasticity. Michael explains how our DNA doesn’t control everything and how the behavior of cells in living organisms can be modified and adapted. Using research on biological systems dynamic remodeling, Michael discusses the future of developmental biology and regenerative medicine.

Simulation and Synthetic Data for Computer Vision with Batu Arisoy - TWiML Talk #281
Today we’re joined by Batu Arisoy, Research Manager with the Vision Technologies & Solutions team at Siemens Corporate Technology. Batu’s research focus is solving limited-data computer vision problems, providing R&D for business units throughout the company. In our conversation, Batu details his group's ongoing projects, like an activity recognition project with the ONR, and their many CVPR submissions, which include an emulation of a teacher teaching students information without the use of memorizatio

Spiking Neural Nets and ML as a Systems Challenge with Jeff Gehlhaar - TWIML Talk #280
Today we’re joined by Jeff Gehlhaar, VP of Technology and Head of AI Software Platforms at Qualcomm. Qualcomm has a hand in tons of machine learning research and hardware, and in our conversation with Jeff we discuss: • How the various training frameworks fit into the developer experience when working with their chipsets. • Examples of federated learning in the wild. • The role inference will play in data center devices and much more.

Transforming Oil & Gas with AI with Adi Bhashyam and Daniel Jeavons - TWIML Talk #279
Today we’re joined by return guest Daniel Jeavons, GM of Data Science at Shell, and Adi Bhashyam, GM of Data Science at C3, who we had the pleasure of speaking to at this years C3 Transform Conference. In our conversation, we discuss: • The progress that Dan and his team has made since our last conversation, including an overview of their data platform. • Adi gives us an overview of the evolution of C3 and their platform, along with a breakdown of a few Shell-specific use cases.

Fast Radio Burst Pulse Detection with Gerry Zhang - TWIML Talk #278
Today we’re joined by Yunfan Gerry Zhang, a PhD student at UC Berkely, and an affiliate of Berkeley’s SETI research center. In our conversation, we discuss: • Gerry's research on applying machine learning techniques to astrophysics and astronomy. • His paper “Fast Radio Burst 121102 Pulse Detection and Periodicity: A Machine Learning Approach”. • We explore the types of data sources used for this project, challenges Gerry encountered along the way, the role of GANs and much more.

Tracking CO2 Emissions with Machine Learning with Laurence Watson - TWIML Talk #277
Today we’re joined by Laurence Watson, Co-Founder and CTO of Plentiful Energy and a former data scientist at Carbon Tracker. In our conversation, we discuss: • Carbon Tracker's goals, and their report “Nowhere to hide: Using satellite imagery to estimate the utilisation of fossil fuel power plants”. • How they are using computer vision to process satellite images of coal plants, including how the images are labeled. •Various challenges with the scope and scale of this project.

Topic Modeling for Customer Insights at USAA with William Fehlman - TWIML Talk #276
Today we’re joined by William Fehlman, director of data science at USAA, to discuss: • His work on topic modeling, which USAA uses in various scenarios, including member chat channels. • How their datasets are generated. • Explored methodologies of topic modeling, including latent semantic indexing, latent Dirichlet allocation, and non-negative matrix factorization. • We also explore how terms are represented via a document-term matrix, and how they are scored based on coherence.

Phronesis of AI in Radiology with Judy Gichoya - TWIML Talk #275
Today we’re joined by Judy Gichoya an interventional radiology fellow at the Dotter Institute at Oregon Health and Science University. In our conversation, we discuss: • Judy's research on the paper “Phronesis of AI in Radiology: Superhuman meets Natural Stupidy,” reviewing the claims of “superhuman” AI performance in radiology. • Potential roles in which AI can have success in radiology, along with some of the different types of biases that can manifest themselves across multiple use c

The Ethics of AI-Enabled Surveillance with Karen Levy - TWIML Talk #274
Today we’re joined by Karen Levy, assistant professor in the department of information science at Cornell University. Karen’s research focuses on how rules and technologies interact to regulate behavior, especially the legal, organizational, and social aspects of surveillance and monitoring. In our conversation, we discuss how data tracking and surveillance can be used in ways that can be abusive to various marginalized groups, including detailing her extensive research into truck driver surveillance.

Supporting Rapid Model Development at Two Sigma with Matt Adereth & Scott Clark - TWIML Talk #273
Today we’re joined by Matt Adereth, managing director of investments at Two Sigma, and return guest Scott Clark, co-founder and CEO of SigOpt, to discuss: • The end to end modeling platform at Two Sigma, who it serves, and challenges faced in production and modeling. • How Two Sigma has attacked the experimentation challenge with their platform. • What motivates companies that aren’t already heavily invested in platforms, optimization or automation, to do so, and much more!

Scaling Model Training with Kubernetes at Stripe with Kelley Rivoire - TWIML Talk #272
Today we’re joined by Kelley Rivoire, engineering manager working on machine learning infrastructure at Stripe. Kelley and I caught up at a recent Strata Data conference to discuss: • Her talk "Scaling model training: From flexible training APIs to resource management with Kubernetes." • Stripe’s machine learning infrastructure journey, including their start from a production focus. • Internal tools used at Stripe, including Railyard, an API built to manage model training at scale & more!

Productizing ML at Scale at Twitter with Yi Zhuang - TWIML Talk #271
Today we continue our AI Platforms series joined by Yi Zhuang, Senior Staff Engineer at Twitter. In our conversation, we cover: • The machine learning landscape at Twitter, including with the history of the Cortex team • Deepbird v2, which is used for model training and evaluation solutions, and it's integration with Tensorflow 2.0. • The newly assembled “Meta” team, that is tasked with exploring the bias, fairness, and accountability of their machine learning models, and much more!

Snorkel: A System for Fast Training Data Creation with Alex Ratner - TWiML Talk #270
Today we’re joined by Alex Ratner, Ph.D. student at Stanford, to discuss: • Snorkel, the open source framework that is the successor to Stanford's Deep Dive project. • How Snorkel is used as a framework for creating training data with weak supervised learning techniques. • Multiple use cases for Snorkel, including how it is used by companies like Google. The complete show notes can be found at twimlai.com/talk/270. Follow along with AI Platforms Vol. 2 at twimlai.com/aiplatforms2.

Advancing Autonomous Vehicle Development Using Distributed Deep Learning with Adrien Gaidon - TWiML Talk #269
In this, the kickoff episode of AI Platforms Vol. 2, we're joined by Adrien Gaidon, Machine Learning Lead at Toyota Research Institute. Adrien and I caught up to discuss his team’s work on deploying distributed deep learning in the cloud, at scale. In our conversation, we discuss: • The beginning and gradual scaling up of TRI's platform. • Their distributed deep learning methods, including their use of stock Pytorch, and much more!

Are We Being Honest About How Difficult AI Really Is? w/ David Ferrucci - TWiML Talk #268
Today we’re joined by David Ferrucci, Founder, CEO, and Chief Scientist at Elemental Cognition, a company focused on building natural learning systems that understand the world the way people do, to discuss: • The role of “understanding” in the context of AI systems, and the types of commitments and investments needed to achieve even modest levels of understanding. • His thoughts on the power of deep learning, what the path to AGI looks like, and the need for hybrid systems to get there.

Gauge Equivariant CNNs, Generative Models, and the Future of AI with Max Welling - TWiML Talk #267
Today we’re joined by Max Welling, research chair in machine learning at the University of Amsterdam, and VP of Technologies at Qualcomm, to discuss: • Max’s research at Qualcomm AI Research and the University of Amsterdam, including his work on Bayesian deep learning, Graph CNNs and Gauge Equivariant CNNs, power efficiency for AI via compression, quantization, and compilation. • Max’s thoughts on the future of the AI industry, in particular, the relative importance of models, data and com

Can We Trust Scientific Discoveries Made Using Machine Learning? with Genevera Allen - TWiML Talk #266
Today we’re joined by Genevera Allen, associate professor of statistics in the EECS Department at Rice University. Genevera caused quite the stir at the American Association for the Advancement of Science meeting earlier this year with her presentation “Can We Trust Data-Driven Discoveries?" In our conversation, we discuss the goal of Genevera's talk, the issues surrounding reproducibility in Machine Learning, and much more!

Creative Adversarial Networks for Art Generation with Ahmed Elgammal - TWiML Talk #265
Today we’re joined by Ahmed Elgammal, a professor in the department of computer science at Rutgers, and director of The Art and Artificial Intelligence Lab. We discuss his work on AICAN, a creative adversarial network that produces original portraits, trained with over 500 years of European canonical art. The complete show notes for this episode can be found at twimlai.com/talk/265.

Diagnostic Visualization for Machine Learning with YellowBrick w/ Rebecca Bilbro - TWiML Talk #264
Today we close out our PyDataSci series joined by Rebecca Bilbro, head of data science at ICX media and co-creator of the popular open-source visualization library YellowBrick. In our conversation, Rebecca details: • Her relationship with toolmaking, which led to the eventual creation of YellowBrick. • Popular tools within YellowBrick, including a summary of their unit testing approach. • Interesting use cases that she’s seen over time.

Librosa: Audio and Music Processing in Python with Brian McFee - TWiML Talk #263
Today we continue our PyDataSci series joined by Brian McFee, assistant professor of music technology and data science at NYU, and creator of LibROSA, a python package for music and audio analysis. Brian walks us through his experience building LibROSA, including: • Detailing the core functions provided in the library • His experience working in Jupyter Notebook • We explore a typical LibROSA workflow & more! The complete show notes for this episode can be found at twimlai.com/talk/26

Practical Natural Language Processing with spaCy and Prodigy w/ Ines Montani - TWiML Talk #262
In this episode of PyDataSci, we’re joined by Ines Montani, Cofounder of Explosion, Co-developer of SpaCy and lead developer of Prodigy. Ines and I caught up to discuss her various projects, including the aforementioned SpaCy, an open-source NLP library built with a focus on industry and production use cases. The complete show notes for this episode can be found at twimlai.com/talk/262. Check out the rest of the PyDataSci series at twimlai.com/pydatasci.

Scaling Jupyter Notebooks with Luciano Resende - TWiML Talk #261
Today we're joined by Luciano Resende, an Open Source AI Platform Architect at IBM, to discuss his work on Jupyter Enterprise Gateway. In our conversation, we address challenges that arise while using Jupyter Notebooks at scale and the role of open source projects like Jupyter Hub and Enterprise Gateway. We also explore some common requests like tighter integration with git repositories, as well as the python-centricity of the vast Jupyter ecosystem.

Fighting Fake News and Deep Fakes with Machine Learning w/ Delip Rao - TWiML Talk #260
Today we’re joined by Delip Rao, vice president of research at the AI Foundation, co-author of the book Natural Language Processing with PyTorch, and creator of the Fake News Challenge. In our conversation, we discuss the generation and detection of artificial content, including “fake news” and “deep fakes,” the state of generation and detection for text, video, and audio, the key challenges in each of these modalities, the role of GANs on both sides of the equation, and other potential solutio

Maintaining Human Control of Artificial Intelligence with Joanna Bryson - TWiML Talk #259
Today we’re joined by Joanna Bryson, Reader at the University of Bath. I was fortunate to catch up with Joanna at the conference, where she presented on “Maintaining Human Control of Artificial Intelligence." In our conversation, we explore our current understanding of “natural intelligence” and how it can inform the development of AI, the context in which she uses the term “human control” and its implications, and the meaning of and need to apply “DevOps” principles when developing AI sy

Intelligent Infrastructure Management with Pankaj Goyal & Rochna Dhand - TWiML Talk #258
Today we're joined by Pankaj Goyal and Rochna Dhand, to discuss HPE InfoSight. In our conversation, Pankaj gives a look into how HPE as a company views AI, from their customers to the future of AI at HPE through investment. Rocha details the role of HPE’s Infosight in deploying AI operations at an enterprise level, including a look at where it fits into the infrastructure for their current customer base, along with a walkthrough of how InfoSight is deployed in a real-world use case.

Organizing for Successful Data Science at Stitch Fix with Eric Colson - TWiML Talk #257
Today we’re joined by Eric Colson, Chief Algorithms Officer at Stitch Fix, whose presentation at the Strata Data conference explored “How to make fewer bad decisions.” Our discussion focuses in on the three key organizational principles for data science teams that he’s developed while at Stitch Fix. Along the way, we also talk through various roles data science plays, exploring a few of the 800+ algorithms in use at the company spanning recommendations, inventory management, demand forecasting, a

End-to-End Data Science to Drive Business Decisions at LinkedIn with Burcu Baran - TWiML Talk #256
In this episode of our Strata Data conference series, we’re joined by Burcu Baran, Senior Data Scientist at LinkedIn. At Strata, Burcu, along with a few members of her team, delivered the presentation “Using the full spectrum of data science to drive business decisions,” which outlines how LinkedIn manages their entire machine learning production process. In our conversation, Burcu details each phase of the process, including problem formulation, monitoring features, A/B testing and more.

Learning with Limited Labeled Data with Shioulin Sam - TWiML Talk #255
Today we’re joined by Shioulin Sam, Research Engineer with Cloudera Fast Forward Labs. Shioulin and I caught up to discuss the newest report to come out of CFFL, “Learning with Limited Label Data,” which explores active learning as a means to build applications requiring only a relatively small set of labeled data. We start our conversation with a review of active learning and some of the reasons why it’s recently become an interesting technology for folks building systems based on deep learning

cuDF, cuML & RAPIDS: GPU Accelerated Data Science with Paul Mahler - TWiML Talk #254
Today we're joined by Paul Mahler, senior data scientist and technical product manager for ML at NVIDIA. In our conversation, Paul and I discuss NVIDIA's RAPIDS open source project, which aims to bring GPU acceleration to traditional data science workflows and ML tasks. We dig into the various subprojects like cuDF and cuML that make up the RAPIDS ecosystem, as well as the role of lower-level libraries like mlprims and the relationship to other open-source projects like Scikit-learn, XGBoost and Dask.

Edge AI for Smart Manufacturing with Trista Chen - TWiML Talk #253
Today we’re joined by Trista Chen, chief scientist of machine learning at Inventec, who spoke on “Edge AI in Smart Manufacturing: Defect Detection and Beyond” at GTC. In our conversation, we discuss the challenges that Industry 4.0 initiatives aim to address and dig into a few of the various use cases she’s worked on, such as the deployment of ML in an industrial setting to perform various tasks. We also discuss the challenges associated with estimating the ROI of industrial AI projects.

Machine Learning for Security and Security for Machine Learning with Nicole Nichols - TWiML Talk #252
Today we’re joined by Nicole Nichols, a senior research scientist at the Pacific Northwest National Lab. We discuss her recent presentation at GTC, which was titled “Machine Learning for Security, and Security for Machine Learning.” We explore two use cases, insider threat detection, and software fuzz testing, discussing the effectiveness of standard and bidirectional RNN language models for detecting malicious activity, the augmentation of software fuzzing techniques using deep learning, and much mor

Domain Adaptation and Generative Models for Single Cell Genomics with Gerald Quon - TWiML Talk #251
Today we’re joined by Gerald Quon, assistant professor at UC Davis. Gerald presented his work on Deep Domain Adaptation and Generative Models for Single Cell Genomics at GTC this year, which explores single cell genomics as a means of disease identification for treatment. In our conversation, we discuss how he uses deep learning to generate novel insights across diseases, the different types of data that was used, and the development of ‘nested’ Generative Models for single cell measurement.

Mapping Dark Matter with Bayesian Neural Networks w/ Yashar Hezaveh - TWiML Talk #250
Today we’re joined by Yashar Hezaveh, Assistant Professor at the University of Montreal. Yashar and I caught up to discuss his work on gravitational lensing, which is the bending of light from distant sources due to the effects of gravity. In our conversation, Yashar and I discuss how ML can be applied to undistort images, the intertwined roles of simulation and ML in generating images, incorporating other techniques such as domain transfer or GANs, and how he assesses the results of this project.

Deep Learning for Population Genetic Inference with Dan Schrider - TWiML Talk #249
Today we’re joined by Dan Schrider, assistant professor in the department of genetics at UNC Chapel Hill. My discussion with Dan starts with an overview of population genomics, looking into his application of ML in the field. We then dig into Dan’s paper “The Unreasonable Effectiveness of Convolutional Neural Networks in Population Genetic Inference,” which examines the idea that CNNs are capable of outperforming expert-derived statistical methods for some key problems in the field.

Empathy in AI with Rob Walker - TWiML Talk #248
Today we’re joined by Rob Walker, Vice President of Decision Management at Pegasystems. Rob joined us back in episode 127 to discuss “Hyperpersonalizing the customer experience.” Today, he’s back for a discussion about the role of empathy in AI systems. In our conversation, we dig into the role empathy plays in consumer-facing human-AI interactions, the differences between empathy and ethics, and a few examples of ways empathy should be considered when enterprise AI systems.

Benchmarking Custom Computer Vision Services at Urban Outfitters with Tom Szumowski - TWiML Talk #247
Today we’re joined by Tom Szumowski, Data Scientist at URBN, parent company of Urban Outfitters and other consumer fashion brands. Tom and I caught up to discuss his project “Exploring Custom Vision Services for Automated Fashion Product Attribution.” We look at the process Tom and his team took to build custom attribution models, and the results of their evaluation of various custom vision APIs for this purpose, with a focus on the various roadblocks and lessons he and his team encountered along the

Pragmatic Quantum Machine Learning with Peter Wittek - TWiML Talk #245
Today we’re joined by Peter Wittek, Assistant Professor at the University of Toronto working on quantum-enhanced machine learning and the application of high-performance learning algorithms. In our conversation, we discuss the current state of quantum computing, a look ahead to what the next 20 years of quantum computing might hold, and how current quantum computers are flawed. We then dive into our discussion on quantum machine learning, and Peter’s new course on the topic, which debuted in Februar

*Bonus Episode* A Quantum Machine Learning Algorithm Takedown with Ewin Tang - TWiML Talk #246
In this special bonus episode of the podcast, I’m joined by Ewin Tang, a PhD student in the Theoretical Computer Science group at the University of Washington. In our conversation, Ewin and I dig into her paper “A quantum-inspired classical algorithm for recommendation systems,” which took the quantum computing community by storm last summer. We haven’t called out a Nerd-Alert interview in a long time, but this interview inspired us to dust off that designation, so get your notepad ready!

Supporting TensorFlow at Airbnb with Alfredo Luque - TWiML Talk #244
Today we're joined by Alfredo Luque, a software engineer on the machine infrastructure team at Airbnb. If you’re interested in AI Platforms and ML infrastructure, you probably remember my interview with Airbnb’s Atul Kale, in which we discussed their Bighead platform. In my conversation with Alfredo, we dig a bit deeper into Bighead’s support for TensorFlow, discuss a recent image categorization challenge they solved with the framework, and explore what the new 2.0 release means for their users.

Mining the Vatican Secret Archives with TensorFlow w/ Elena Nieddu - TWiML Talk #243
Today we’re joined by Elena Nieddu, Phd Student at Roma Tre University, who presented on her project “In Codice Ratio” at the TF Dev Summit. In our conversation, Elena provides an overview of the project, which aims to annotate and transcribe Vatican secret archive documents via machine learning. We discuss the many challenges associated with transcribing this vast archive of handwritten documents, including overcoming the high cost of data annotation.

Exploring TensorFlow 2.0 with Paige Bailey - TWiML Talk #242
Today we're joined by Paige Bailey, TensorFlow developer advocate at Google, to discuss the TensorFlow 2.0 alpha release. Paige and I talk through the latest TensorFlow updates, including the evolution of the TensorFlow APIs and the role of eager mode, tf.keras and tf.function, the evolution of TensorFlow for Swift and its inclusion in the new fast.ai course, new updates to TFX (or TensorFlow Extended), Google’s end-to-end ML platform, the emphasis on community collaboration with TF 2.0, and more.

Privacy-Preserving Decentralized Data Science with Andrew Trask - TWiML Talk #241
Today we’re joined by Andrew Trask, PhD student at the University of Oxford and Leader of the OpenMined Project, an open-source community focused on researching, developing, and promoting tools for secure, privacy-preserving, value-aligned artificial intelligence. We dig into why OpenMined is important, exploring some of the basic research and technologies supporting Private, Decentralized Data Science, including ideas such as Differential Privacy,and Secure Multi-Party Computation.

The Unreasonable Effectiveness of the Forget Gate with Jos Van Der Westhuizen - TWiML Talk #240
Today we’re joined by Jos Van Der Westhuizen, PhD student in Engineering at Cambridge University. Jos’ research focuses on applying LSTMs, or Long Short-Term Memory neural networks, to biological data for various tasks. In our conversation, we discuss his paper "The unreasonable effectiveness of the forget gate," in which he explores the various “gates” that make up an LSTM module and the general impact of getting rid of gates on the computational intensity of training the networks.

Building a Recommendation Agent for The North Face with Andrew Guldman - TWiML Talk #239
Today we’re joined by Andrew Guldman, VP of Product Engineering and R&D at Fluid to discuss Fluid XPS, a user experience built to help the casual shopper decide on the best product choices during online retail interactions. We specifically discuss its origins as a product to assist outerwear retailer The North Face. In our conversation, we discuss their use of heat-sink algorithms and graph databases, challenges associated with staying on top of a constantly changing landscape, and more!

Active Learning for Materials Design with Kevin Tran - TWiML Talk #238
Today we’re joined by Kevin Tran, PhD student at Carnegie Mellon University. In our conversation, we explore the challenges surrounding the creation of renewable energy fuel cells, which is discussed in his recent Nature paper “Active learning across intermetallics to guide discovery of electrocatalysts for CO2 reduction and H2 evolution.” The AI Conference is returning to New York in April and we have one FREE conference pass for a lucky listener! Visit twimlai.com/ainygiveaway to enter!

Deep Learning in Optics with Aydogan Ozcan - TWiML Talk #237
Today we’re joined by Aydogan Ozcan, Professor of Electrical and Computer Engineering at UCLA, exploring his group's research into the intersection of deep learning and optics, holography and computational imaging. We specifically look at a really interesting project to create all-optical neural networks which work based on diffraction, where the printed pixels of the network are analogous to neurons. We also explore practical applications for their research and other areas of interest.

Scaling Machine Learning on Graphs at LinkedIn with Hema Raghavan and Scott Meyer - TWiML Talk #236
Today we’re joined by Hema Raghavan and Scott Meyer of LinkedIn to discuss the graph database and machine learning systems that power LinkedIn features such as “People You May Know” and second-degree connections. Hema shares her insight into the motivations for LinkedIn’s use of graph-based models and some of the challenges surrounding using graphical models at LinkedIn’s scale, while Scott details his work on the software used at the company to support its biggest graph databases.

Safer Exploration in Deep Reinforcement Learning using Action Priors with Sicelukwanda Zwane - TWiML Talk #235
Today we conclude our Black in AI series with Sicelukwanda Zwane, a masters student at the University of Witwatersrand and graduate research assistant at the CSIR, who presented on “Safer Exploration in Deep Reinforcement Learning using Action Priors” at the workshop. In our conversation, we discuss what “safer exploration” means in this sense, the difference between this work and other techniques like imitation learning, and how this fits in with the goal of “lifelong learning.”

Dissecting the Controversy around OpenAI's New Language Model - TWiML Talk #234
In the inaugural TWiML Live, Sam Charrington is joined by Amanda Askell (OpenAI), Anima Anandkumar (NVIDIA/CalTech), Miles Brundage (OpenAI), Robert Munro (Lilt), and Stephen Merity to discuss the controversial recent release of the OpenAI GPT-2 Language Model. We cover the basics like what language models are and why they’re important, and why this announcement caused such a stir, and dig deep into why the lack of a full release of the model raised concerns for so many.

Human-Centered Design with Mira Lane - TWiML Talk #233
Today we present the final episode in our AI for the Benefit of Society series, in which we’re joined by Mira Lane, Partner Director for Ethics and Society at Microsoft. Mira and I focus our conversation on the role of culture and human-centered design in AI. We discuss how Mira defines human-centered design, its connections to culture and responsible innovation, and how these ideas can be scalably implemented across large engineering organizations.

Fairness in Machine Learning with Hanna Wallach - TWiML Talk #232
Today we’re joined by Hanna Wallach, a Principal Researcher at Microsoft Research. Hanna and I really dig into how bias and a lack of interpretability and transparency show up across ML. We discuss the role that human biases, even those that are inadvertent, play in tainting data, and whether deployment of “fair” ML models can actually be achieved in practice, and much more. Hanna points us to a TON of resources to further explore the topic of fairness in ML, which you’ll find at twimlai.com/talk

AI for Healthcare with Peter Lee - TWiML Talk #231
In this episode, we’re joined by Peter Lee, Corporate Vice President at Microsoft Research responsible for the company’s healthcare initiatives. Peter and I met back at Microsoft Ignite, where he gave me some really interesting takes on AI development in China, which is linked in the show notes. This conversation centers around impact areas Peter sees for AI in healthcare, namely diagnostics and therapeutics, tools, and the future of precision medicine.

An Optimized Recurrent Unit for Ultra-Low Power Acoustic Event Detection with Justice Amoh Jr. - TWiML Talk #230
Today, we're joined by Justice Amoh Jr., a Ph.D. student at Dartmouth’s Thayer School of Engineering. Justice presented his work on “An Optimized Recurrent Unit for Ultra-Low Power Acoustic Event Detection.” In our conversation, we discuss his goal of bringing low cost, high-efficiency wearables to market for monitoring asthma. We explore the challenges of using classical machine learning models on microcontrollers, and how he went about developing models optimized for constrained hardware environm

Pathologies of Neural Models and Interpretability with Alvin Grissom II - TWiML Talk #229
Today, we continue our Black in AI series with Alvin Grissom II, Assistant Professor of Computer Science at Ursinus College. In our conversation, we dive into the paper he presented at the workshop, “Pathologies of Neural Models Make Interpretations Difficult.” We talk through some of the “pathological behaviors” he identified in the paper, how we can better understand the overconfidence of trained deep learning models in certain settings, and how we can improve model training with entropy regulariz

AI for Earth with Lucas Joppa - TWiML Talk #228
Today we’re joined by Lucas Joppa, Chief Environmental Officer at Microsoft and Zach Parisa, Co-founder and president of Silvia Terra, a Microsoft AI for Earth grantee. In our conversation, we explore the ways that ML & AI can be used to advance our understanding of forests and other ecosystems, supporting conservation efforts. We discuss how Silvia Terra uses computer vision and data from a wide array of sensors, combined with AI, to yield more detailed estimates of the various species in our forests.

AI for Accessibility with Wendy Chisholm - TWiML Talk #227
Today we’re joined by Wendy Chisholm, a principal accessibility architect at Microsoft, and one of the chief proponents of the AI for Accessibility program, which extends grants to AI-powered accessibility projects the areas of Employment, Daily Life, and Communication & Connection. In our conversation, we discuss the intersection of AI and accessibility, the lasting impact that innovation in AI can have for people with disabilities and society as a whole, and the importance of projects in this area.

AI for Humanitarian Action with Justin Spelhaug - TWiML Talk #226
Today we're joined by Justin Spelhaug, General Manager of Technology for Social Impact at Microsoft. In our conversation, we discuss the company’s efforts in AI for Humanitarian Action, covering Microsoft’s overall approach to technology for social impact, how his group helps mission-driven organizations best leverage technologies like AI, and how AI is being used at places like the World Bank, Operation Smile, and Mission Measurement to create greater impact.

Teaching AI to Preschoolers with Randi Williams - TWiML Talk #225
Today, in the first episode of our Black in AI series, we’re joined by Randi Williams, PhD student at the MIT Media Lab. At the Black in AI workshop Randi presented her research on Popbots: A Early Childhood AI Curriculum, which is geared towards teaching preschoolers the fundamentals of artificial intelligence. In our conversation, we discuss the origins of the project, the three AI concepts that are taught in the program, and the goals that Randi hopes to accomplish with her work.

Holistic Optimization of the LinkedIn News Feed - TWiML Talk #224
Today we’re joined by Tim Jurka, Head of Feed AI at LinkedIn. In our conversation, Tim describes the holistic optimization of the feed and we discuss some of the interesting technical and business challenges associated with trying to do this. We talk through some of the specific techniques used at LinkedIn like Multi-arm Bandits and Content Embeddings, and also jump into a really interesting discussion about organizing for machine learning at scale.

AI at the Edge at Qualcomm with Gary Brotman - TWiML Talk #223
Today we’re joined by Gary Brotman, Senior Director of Product Management at Qualcomm Technologies, Inc. Gary, who got his start in AI through music, now leads strategy and product planning for the company’s AI and ML technologies, including those that make up the Qualcomm Snapdragon mobile platforms. In our conversation, we discuss AI on mobile devices and at the edge, including popular use cases, and explore some of the various acceleration technologies offered by Qualcomm and others that enable th

AI Innovation at CES - TWiML Talk #222
A few weeks ago, I made the trek to Las Vegas for the world’s biggest electronics conference, CES. In this special visual only episode, we’re going to check out some of the interesting examples of machine learning and AI that I found at the event. Check out the video at https://twimlai.com/ces2019, and be sure to hit the like and subscribe buttons and let us know how you like the show via a comment! For the show notes, visit https://twimlai.com/talk/222.

Self-Tuning Services via Real-Time Machine Learning with Vladimir Bychkovsky - TWiML Talk #221
Today we’re joined by Vladimir Bychkovsky, Engineering Manager at Facebook, to discuss Spiral, a system they’ve developed for self-tuning high-performance infrastructure services at scale, using real-time machine learning. In our conversation, we explore how the system works, how it was developed, and how infrastructure teams at Facebook can use it to replace hand-tuned parameters set using heuristics with services that automatically optimize themselves in minutes rather than in weeks.

Building a Recommender System from Scratch at 20th Century Fox with JJ Espinoza - TWiML Talk #220
Today we’re joined by JJ Espinoza, former Director of Data Science at 20th Century Fox. In this talk we dig into JJ and his team’s experience building and deploying a content recommendation system from the ground up. In our conversation, we explore the design of a couple of key components of their system, the first of which processes movie scripts to make recommendations about which movies the studio should make, and the second processes trailers to determine which should be recommended to users.

Legal and Policy Implications of Model Interpretability with Solon Barocas - TWiML Talk #219
Today we’re joined by Solon Barocas, Assistant Professor of Information Science at Cornell University. Solon and I caught up to discuss his work on model interpretability and the legal and policy implications of the use of machine learning models. In our conversation, we explore the gap between law, policy, and ML, and how to build the bridge between them, including formalizing ethical frameworks for machine learning. We also look at his paper ”The Intuitive Appeal of Explainable Machines.”

Trends in Computer Vision with Siddha Ganju - TWiML Talk #218
In the final episode of our AI Rewind series, we’re excited to have Siddha Ganju back on the show. Siddha, who is now an autonomous vehicles solutions architect at Nvidia shares her thoughts on trends in Computer Vision in 2018 and beyond. We cover her favorite CV papers of the year in areas such as neural architecture search, learning from simulation, application of CV to augmented reality, and more, as well as a bevy of tools and open source projects.

Trends in Reinforcement Learning with Simon Osindero - TWiML Talk #217
In this episode of our AI Rewind series, we introduce a new friend of the show, Simon Osindero, Staff Research Scientist at DeepMind. We discuss trends in Deep Reinforcement Learning in 2018 and beyond. We’ve packed a bunch into this show, as Simon walks us through many of the important papers and developments seen this year in areas like Imitation Learning, Unsupervised RL, Meta-learning, and more. The complete show notes for this episode can be found at https://twimlai.com/talk/217.

Trends in Natural Language Processing with Sebastian Ruder - TWiML Talk #216
In this episode of our AI Rewind series, we’ve brought back recent guest Sebastian Ruder, PhD Student at the National University of Ireland and Research Scientist at Aylien, to discuss trends in Natural Language Processing in 2018 and beyond. In our conversation we cover a bunch of interesting papers spanning topics such as pre-trained language models, common sense inference datasets and large document reasoning and more, and talk through Sebastian’s predictions for the new year.

Trends in Machine Learning with Anima Anandkumar - TWiML Talk #215
In this episode of our AI Rewind series, we’re back with Anima Anandkumar, Bren Professor at Caltech and now Director of Machine Learning Research at NVIDIA. Anima joins us to discuss her take on trends in the broader Machine Learning field in 2018 and beyond. In our conversation, we cover not only technical breakthroughs in the field but also those around inclusivity and diversity. For this episode's complete show notes, visit twimlai.com/talk/215.

Trends in Deep Learning with Jeremy Howard - TWiML Talk #214
In this episode of our AI Rewind series, we’re bringing back one of your favorite guests of the year, Jeremy Howard, founder and researcher at Fast.ai. Jeremy joins us to discuss trends in Deep Learning in 2018 and beyond. We cover many of the papers, tools and techniques that have contributed to making deep learning more accessible than ever to so many developers and data scientists.

Training Large-Scale Deep Nets with RL with Nando de Freitas - TWiML Talk #213
Today we close out both our NeurIPS series joined by Nando de Freitas, Team Lead & Principal Scientist at Deepmind. In our conversation, we explore his interest in understanding the brain and working towards artificial general intelligence. In particular, we dig into a couple of his team’s NeurIPS papers: “Playing hard exploration games by watching YouTube,” and “One-Shot high-fidelity imitation: Training large-scale deep nets with RL.”

Making Algorithms Trustworthy with David Spiegelhalter - TWiML Talk #212
Today we’re joined by David Spiegelhalter, Chair of Winton Center for Risk and Evidence Communication at Cambridge University and President of the Royal Statistical Society. David, an invited speaker at NeurIPS, presented on “Making Algorithms Trustworthy: What Can Statistical Science Contribute to Transparency, Explanation and Validation?”. In our conversation, we explore the nuanced difference between being trusted and being trustworthy, and its implications for those building AI systems.

Designing Computer Systems for Software with Kunle Olukotun - TWiML Talk #211
Today we’re joined by Kunle Olukotun, Professor in the department of EE and CS at Stanford University, and Chief Technologist at Sambanova Systems. Kunle was an invited speaker at NeurIPS this year, presenting on “Designing Computer Systems for Software 2.0.” In our conversation, we discuss various aspects of designing hardware systems for machine and deep learning, touching on multicore processor design, domain specific languages, and graph-based hardware. This was a fun one!

Operationalizing Ethical AI with Kathryn Hume - TWiML Talk #210
Today we conclude our Trust in AI series with this conversation with Kathryn Hume, VP of Strategy at Integrate AI. We discuss her newly released white paper “Responsible AI in the Consumer Enterprise,” which details a framework for ethical AI deployment in e-commerce companies and other consumer-facing enterprises. We look at the structure of the ethical framework she proposes, and some of the many questions that need to be considered when deploying AI in an ethical manner.

Approaches to Fairness in Machine Learning with Richard Zemel - TWiML Talk #209
Today we continue our exploration of Trust in AI with this interview with Richard Zemel, Professor in the department of Computer Science at the University of Toronto and Research Director at Vector Institute. In our conversation, Rich describes some of his work on fairness in machine learning algorithms, including how he defines both group and individual fairness and his group’s recent NeurIPS poster, “Predict Responsibly: Improving Fairness and Accuracy by Learning to Defer.”

Trust and AI with Parinaz Sobhani - TWiML Talk #208
In today’s episode we’re joined by Parinaz Sobhani, Director of Machine Learning at Georgian Partners. In our conversation, Parinaz and I discuss some of the main issues falling under the “trust” umbrella, such as transparency, fairness and accountability. We also explore some of the trust-related projects she and her team at Georgian are working on, as well as some of the interesting trust and privacy papers coming out of the NeurIPS conference.

Unbiased Learning from Biased User Feedback with Thorsten Joachims - TWiML Talk #207
In the final episode of our re:Invent series, we're joined by Thorsten Joachims, Professor in the Department of Computer Science at Cornell University. We discuss his presentation “Unbiased Learning from Biased User Feedback,” looking at some of the inherent and introduced biases in recommender systems, and the ways to avoid them. We also discuss how inference techniques can be used to make learning algorithms more robust to bias, and how these can be enabled with the correct type of logging policies.

Language Parsing and Character Mining with Jinho Choi - TWiML Talk #206
Today we’re joined by Jinho Choi, assistant professor of computer science at Emory University. Jinho presented at the conference on ELIT, their cloud-based NLP platform. In our conversation, we discuss some of the key NLP challenges that Jinho and his group are tackling, including language parsing and character mining. We also discuss their vision for ELIT, which is to make it easy for researchers to develop, access, and deploying cutting-edge NLP tools models on the cloud.

re:Invent Roundup Roundtable 2018 with Dave McCrory and Val Bercovici - TWiML Talk #205
I’m excited to present our second annual re:Invent Roundtable Roundup. This year I’m joined by Dave McCrory, VP of Software Engineering at Wise.io at GE Digital, and Val Bercovici, Founder and CEO of Pencil Data. If you missed the news coming out of re:Invent, we cover all of AWS’ most important ML and AI announcements, including SageMaker Ground Truth, Reinforcement Learning, DeepRacer, Inferentia and Elastic Inference, ML Marketplace and much more. For the show notes visit https://twimlai.com/ta

Knowledge Graphs and Expert Augmentation with Marisa Boston - TWiML Talk #204
Today we’re joined by Marisa Boston, Director of Cognitive Technology in KPMG’s Cognitive Automation Lab. We caught up to discuss some of the ways that KPMG is using AI to build tools that help augment the knowledge of their teams of professionals. We discuss knowledge graphs and how they can be used to map out and relate various concepts and how they use these in conjunction with NLP tools to create insight engines. We also look at tools that curate and contextualize news and other text-based data sour

ML/DL for Non-Stationary Time Series Analysis in Financial Markets and Beyond with Stuart Reid - TWiML Talk #203
Today, we’re joined by Stuart Reid, Chief Scientist at NMRQL Research. NMRQL is an investment management firm that uses ML algorithms to make adaptive, unbiased, scalable, and testable trading decisions for its funds. In our conversation, Stuart and I dig into the way NMRQL uses ML and DL models to support the firm’s investment decisions. We focus on techniques for modeling non-stationary time-series, stationary vs non-stationary time-series, and challenges of building models using financial data.

Industrializing Machine Learning at Shell with Daniel Jeavons - TWiML Talk #202
In this episode of our AI Platforms series, we’re joined by Daniel Jeavons, General Manager of Data Science at Shell. In our conversation, we explore the evolution of analytics and data science at Shell, discussing IoT-related applications and issues, such as inference at the edge, federated ML, and digital twins, all key considerations for the way they apply ML. We also talk about the data science process at Shell and the importance of platform technologies to the company as a whole.

Resurrecting a Recommendations Platform at Comcast with Leemay Nassery - TWiML Talk #201
In this episode of our AI Platforms series, we’re joined by Leemay Nassery, Senior Engineering Manager and head of the recommendations team at Comcast. In our conversation, Leemay and I discuss just how she and her team resurrected the Xfinity X1 recommendations platform, including the rebuilding the data pipeline, the machine learning process, and the deployment and training of their updated models. We also touch on the importance of A-B testing and maintaining their rebuilt infrastructure.

Productive Machine Learning at LinkedIn with Bee-Chung Chen - TWiML Talk #200
In this episode of our AI Platforms series, we’re joined by Bee-Chung Chen, Principal Staff Engineer and Applied Researcher at LinkedIn. Bee-Chung and I caught up to discuss LinkedIn’s internal AI automation platform, Pro-ML. Bee-Chung breaks down some of the major pieces of the pipeline, LinkedIn’s experience bringing Pro-ML to the company's developers and the role the LinkedIn AI Academy plays in helping them get up to speed. For the complete show notes, visit https://twimlai.com/talk/200.

Scaling Deep Learning on Kubernetes at OpenAI with Christopher Berner - TWiML Talk #199
In this episode of our AI Platforms series we’re joined by OpenAI’s Head of Infrastructure, Christopher Berner. In our conversation, we discuss the evolution of OpenAI’s deep learning platform, the core principles which have guided that evolution, and its current architecture. We dig deep into their use of Kubernetes and discuss various ecosystem players and projects that support running deep learning at scale on the open source project.

Bighead: Airbnb's Machine Learning Platform with Atul Kale - TWiML Talk #198
In this episode of our AI Platforms series, we’re joined by Atul Kale, Engineering Manager on the machine learning infrastructure team at Airbnb. In our conversation, we discuss Airbnb’s internal machine learning platform, Bighead. Atul outlines the ML lifecycle at Airbnb and how the various components of Bighead support it. We then dig into the major components of Bighead, some of Atul’s best practices for scaling machine learning, and a special announcement that Atul and his team made at Strata.

Facebook's FBLearner Platform with Aditya Kalro - TWiML Talk #197
In the kickoff episode of our AI Platforms series, we’re joined by Aditya Kalro, Engineering Manager at Facebook, to discuss their internal machine learning platform FBLearner Flow. FBLearner Flow is the workflow management platform at the heart of the Facebook ML engineering ecosystem. We discuss the history and development of the platform, as well as its functionality and its evolution from an initial focus on model training to supporting the entire ML lifecycle at Facebook.

Geometric Statistics in Machine Learning w/ geomstats with Nina Miolane - TWiML Talk #196
In this episode we’re joined by Nina Miolane, researcher and lecturer at Stanford University. Nina and I spoke about her work in the field of geometric statistics in ML, specifically the application of Riemannian geometry, which is the study of curved surfaces, to ML. In our discussion we review the differences between Riemannian and Euclidean geometry in theory and her new Geomstats project, which is a python package that simplifies computations and statistics on manifolds with geometric structures.

Milestones in Neural Natural Language Processing with Sebastian Ruder - TWiML Talk #195
In this episode, we’re joined by Sebastian Ruder, PhD student studying NLP at National University of Ireland and Research Scientist at text analysis startup Aylien. We discuss recent milestones in neural NLP, including multi-task learning and pretrained language models. We also look at the use of attention-based models, Tree RNNs and LSTMs, and memory-based networks. Finally, Sebastian walks us through his ULMFit paper, which he co-authored with Jeremy Howard of fast.ai who I interviewed in episode 186.

Natural Language Processing at StockTwits with Garrett Hoffman - TWiML Talk #194
In this episode, we’re joined by Garrett Hoffman, Director of Data Science at Stocktwits. Stocktwits is a social network for the investing community which has its roots in the use of the $cashtag on Twitter. In our conversation, we discuss applications such as Stocktwits’ own use of “social sentiment graphs” built on multilayer LSTM networks to gauge community sentiment about certain stocks in real time, as well as the more general use of natural language processing for generating trading ideas.

Advanced Reinforcement Learning & Data Science for Social Impact with Vukosi Marivate - TWiML Talk #193
In the final episode of our Deep Learning Indaba series, we speak with Vukosi Marivate, Chair of Data Science at the University of Pretoria and a co-organizer of the Indaba. My conversation with Vukosi falls into two distinct parts, his PhD research in reinforcement learning, and his current research, which falls under the banner of data science with social impact. We discuss several advanced RL scenarios, along with several applications he is currently exploring in areas like public safety and energy.

AI Ethics, Strategic Decisioning and Game Theory with Osonde Osoba - TWiML Talk #192
In this episode of our Deep Learning Indaba Series, we’re joined by Osonde Osoba, Engineer at RAND Corporation. Osonde and I spoke on the heels of the Indaba, where he presented on AI Ethics and Policy. We discuss his framework-based approach for evaluating ethical issues and how to build an intuition for where ethical flashpoints may exist in these discussions. We also discuss Osonde’s own model development research, including the application of machine learning to strategic decisions and game theor

Acoustic Word Embeddings for Low Resource Speech Processing with Herman Kamper - TWiML Talk #191
In this episode of our Deep Learning Indaba Series, we’re joined by Herman Kamper, lecturer at Stellenbosch University in SA and a co-organizer of the Indaba. We discuss his work on limited- and zero-resource speech recognition, how those differ from regular speech recognition, and the tension between linguistic and statistical methods in this space. We also dive into the specifics of the methods being used and developed in Herman’s lab.

Learning Representations for Visual Search with Naila Murray - TWiML Talk #190
In this episode of our Deep Learning Indaba series, we’re joined by Naila Murray, Senior Research Scientist and Group Lead in the computer vision group at Naver Labs Europe. Naila presented at the Indaba on computer vision. In this discussion, we explore her work on visual attention, including why visual attention is important and the trajectory of work in the field over time. We also discuss her paper “Generalized Max Pooling,” and much more! For the complete show notes, visit twimlai.com/tal

Evaluating Model Explainability Methods with Sara Hooker - TWiML Talk #189
In this, the first episode of the Deep Learning Indaba series, we’re joined by Sara Hooker, AI Resident at Google Brain. I spoke with Sara in the run-up to the Indaba about her work on interpretability in deep neural networks. We discuss what interpretability means and nuances like the distinction between interpreting model decisions vs model function. We also talk about the relationship between Google Brain and the rest of the Google AI landscape and the significance of the Google AI Lab in Accra, Ghana.

Graph Analytic Systems with Zachary Hanif - TWiML Talk #188
In this, the final episode of our Strata Data Conference series, we’re joined by Zachary Hanif, Director of Machine Learning at Capital One’s Center for Machine Learning. We start our discussion with a look at the role of graph analytics in the ML toolkit, including some important application areas for graph-based systems. Zach gives us an overview of the different ways to implement graph analytics, including what he calls graphical processing engines which excel at handling large datasets, & much m

Diversification in Recommender Systems with Ahsan Ashraf - TWiML Talk #187
In this episode of our Strata Data conference series, we’re joined by Ahsan Ashraf, data scientist at Pinterest. We discuss his presentation, “Diversification in recommender systems: Using topical variety to increase user satisfaction,” covering the experiments his team ran to explore the impact of diversification in user’s boards, the methodology his team used to incorporate variety into the Pinterest recommendation system and much more! The show notes can be found at https://twimlai.com/talk/18

The Fastai v1 Deep Learning Framework with Jeremy Howard - TWiML Talk #186
In today's episode we're presenting a special conversation with Jeremy Howard, founder and researcher at Fast.ai. This episode is being released today in conjunction with the company’s announcement of version 1.0 of their fastai library at the inaugural Pytorch Devcon in San Francisco. In our conversation, we dive into the new library, exploring why it’s important and what’s changed, the unique way in which it was developed, what it means for the future of the fast.ai courses, and much more!

Federated ML for Edge Applications with Justin Norman - TWiML Talk #185
In this episode we’re joined by Justin Norman, Director of Research and Data Science Services at Cloudera Fast Forward Labs. In my chat with Justin we start with an update on the company before diving into a look at some of recent and upcoming research projects. Specifically, we discuss their recent report on Multi-Task Learning and their upcoming research into Federated Machine Learning for AI at the edge. For the complete show notes, visit https://twimlai.com/talk/185.

Exploring Dark Energy & Star Formation w/ ML with Viviana Acquaviva - TWiML Talk #184
In today’s episode of our Strata Data series, we’re joined by Viviana Acquaviva, Associate Professor at City Tech, the New York City College of Technology. In our conversation, we discuss an ongoing project she’s a part of called the “Hobby-Eberly Telescope Dark Energy eXperiment,” her motivation for undertaking this project, how she gets her data, the models she uses, and how she evaluates their performance. The complete show notes can be found at https://twimlai.com/talk/184.

Document Vectors in the Wild with James Dreiss - TWiML Talk #183
In this episode of our Strata Data series we’re joined by James Dreiss, Senior Data Scientist at international news syndicate Reuters. James and I sat down to discuss his talk from the conference “Document vectors in the wild, building a content recommendation system,” in which he details how Reuters implemented document vectors to recommend content to users of their new “infinite scroll” page layout.

Applied Machine Learning for Publishers with Naveed Ahmad - TWiML Talk #182
In today’s episode we’re joined by Naveed Ahmad, Senior Director of data engineering and machine learning at Hearst Newspapers. In our conversation, we discuss into the role of ML at Hearst, including their motivations for implementing it and some of their early projects, the challenges of data acquisition within a large organization, and the benefits they enjoy from using Google’s BigQuery as their data warehouse. For the complete show notes for this episode, visit https://twimlai.com/talk/182.

Anticipating Superintelligence with Nick Bostrom - TWiML Talk #181
In this episode, we’re joined by Nick Bostrom, professor at the University of Oxford and head of the Future of Humanity Institute, a multidisciplinary institute focused on answering big-picture questions for humanity with regards to AI safety and ethics. In our conversation, we discuss the risks associated with Artificial General Intelligence, advanced AI systems Nick refers to as superintelligence, openness in AI development and more! The notes for this episode can be found at https://twimlai.com/talk/18

Can We Train an AI to Understand Body Language? with Hanbyul Joo - TWIML Talk #180
In this episode, we’re joined by Hanbyul Joo, a PhD student at CMU. Han is working on what is called the “Panoptic Studio,” a multi-dimension motion capture studio used to capture human body behavior and body language. His work focuses on understanding how humans interact and behave so that we can teach AI-based systems to react to humans more naturally. We also discuss his CVPR best student paper award winner “Total Capture: A 3D Deformation Model for Tracking Faces, Hands, and Bodies.”

Biological Particle Identification and Tracking with Jay Newby - TWiML Talk #179
In today’s episode we’re joined by Jay Newby, Assistant Professor in the Department of Mathematical and Statistical Sciences at the University of Alberta. Jay joins us to discuss his work applying deep learning to biology, including his paper “Deep neural networks automate detection for tracking of submicron scale particles in 2D and 3D.” He gives us an overview of particle tracking and a look at how he combines neural networks with physics-based particle filter models.

AI for Content Creation with Debajyoti Ray - TWiML Talk #178
In today’s episode we’re joined by Debajyoti Ray, Founder and CEO of RivetAI, a startup producing AI-powered tools for storytellers and filmmakers. Deb and I discuss some of what he’s learned in the journey to apply AI to content creation, including how Rivet approaches the use of machine learning to automate creative processes, the company’s use hierarchical LSTM models and autoencoders, and the tech stack that they’ve put in place to support the business.

Deep Reinforcement Learning Primer and Research Frontiers with Kamyar Azizzadenesheli - TWiML Talk #177
Today we’re joined by Kamyar Azizzadenesheli, PhD student at the University of California, Irvine, who joins us to review the core elements of RL, along with a pair of his RL-related papers: “Efficient Exploration through Bayesian Deep Q-Networks” and “Sample-Efficient Deep RL with Generative Adversarial Tree Search.” To skip the Deep Reinforcement Learning primer conversation and jump to the research discussion, skip to the 34:30 mark of the episode. Show notes at https://twimlai.com/talk/177

OpenAI Five with Christy Dennison - TWiML Talk #176
Today we’re joined by Christy Dennison, Machine Learning Engineer at OpenAI, who has been working on OpenAI’s efforts to build an AI-powered agent to play the DOTA 2 video game. In our conversation we overview of DOTA 2 gameplay and the recent OpenAI Five benchmark, we dig into the underlying technology used to create OpenAI Five, including their use of deep reinforcement learning, LSTM recurrent neural networks, and entity embeddings, plus some tricks and techniques they use to train the models.

How ML Keeps Shelves Stocked at Home Depot with Pat Woowong - TWiML Talk #175
Today we’re joined by Pat Woowong, principal engineer in the applied machine intelligence group at The Home Depot. We discuss a project that Pat recently presented at the Google Cloud Next conference which used machine learning to predict shelf-out scenarios within stores. We dig into the motivation for this system and how the team went about building it, their use of kubernetes to support future growth in the platform, and much more. For complete show notes, visit https://twimlai.com/talk/175.

Contextual Modeling for Language and Vision with Nasrin Mostafazadeh - TWiML Talk #174
Today we’re joined by Nasrin Mostafazadeh, Senior AI Research Scientist at New York-based Elemental Cognition. Our conversation focuses on Nasrin’s work in event-centric contextual modeling in language and vision including her work on the Story Cloze Test, a reasoning framework for evaluating story understanding and generation. We explore the details of this task, some of the challenges it presents and approaches for solving it.

ML for Understanding Satellite Imagery at Scale with Kyle Story - TWiML Talk #173
Today we’re joined by Kyle Story, computer vision engineer at Descartes Labs. Kyle and I caught up after his recent talk at the Google Cloud Next Conference titled “How Computers See the Earth: A Machine Learning Approach to Understanding Satellite Imagery at Scale.” We discuss some of the interesting computer vision problems he’s worked on at Descartes, and the key challenges they’ve had to overcome in scaling them.

Generating Ground-Level Images From Overhead Imagery Using GANs with Yi Zhu - TWiML Talk #172
Today we’re joined by Yi Zhu, a PhD candidate at UC Merced focused on geospatial image analysis. In our conversation, Yi and I take a look at his recent paper “What Is It Like Down There? Generating Dense Ground-Level Views and Image Features From Overhead Imagery Using Conditional Generative Adversarial Networks.” We discuss the goal of this research and how he uses conditional GANs to generate artificial ground-level images.

Vision Systems for Planetary Landers and Drones with Larry Matthies - TWiML Talk #171
Today we’re joined by Larry Matthies, Sr. Research Scientist and head of computer vision in the mobility and robotics division at JPL. In our conversation, we discuss two talks he gave at CVPR a few weeks back, his work on vision systems for the first iteration of Mars rovers in 2004 and the future of planetary landing projects. For the complete show notes, visit https://twimlai.com/talk/171.

Learning Semantically Meaningful and Actionable Representations with Ashutosh Saxena - TWiML Talk #170
In this episode i'm joined by Ashutosh Saxena, a veteran of Andrew Ng’s Stanford Machine Learning Group, and co-founder and CEO of Caspar.ai. Ashutosh and I discuss his RoboBrain project, a computational system that creates semantically meaningful and actionable representations of the objects, actions and observations that a robot experiences in its environment, and allows these to be shared and queried by other robots to learn new actions. For complete show notes, visit https://twimlai.com/talk/170.

AI Innovation for Clinical Decision Support with Joe Connor - TWiML Talk #169
In this episode I speak with Joe Connor, Founder of Experto Crede. In our conversation, we explore his experiences bringing AI powered healthcare projects to market in collaboration with the UK National Health Service and its clinicians, some of the various challenges he’s run into when applying ML and AI in healthcare, as well as some of his successes. We also discuss data protections, especially GDPR, potential ways to include clinicians in the building of applications.

Dynamic Visual Localization and Segmentation with Laura Leal-Taixé -TWiML Talk #168
In this episode I'm joined by Laura Leal-Taixé, Professor at the Technical University of Munich where she leads the Dynamic Vision and Learning Group. In our conversation, we discuss several of her recent projects including work on image-based localization techniques that fuse traditional model-based computer vision approaches with a data-driven approach based on deep learning, her paper on one-shot video object segmentation and the broader vision for her research.

Conversational AI for the Intelligent Workplace with Gillian McCann - TWiML Talk #167
In this episode I'm joined by Gillian McCann, Head of Cloud Engineering and AI at Workgrid Software. In our conversation, which focuses on Workgrid’s use of cloud-based AI services, Gillian details some of the underlying systems that make Workgrid tick, their engineering pipeline & how they build high quality systems that incorporate external APIs and her view on factors that contribute to misunderstandings and impatience on the part of users of AI-based products.

Computer Vision and Intelligent Agents for Wildlife Conservation with Jason Holmberg - TWiML Talk #166
In this episode, I'm joined by Jason Holmberg, Executive Director and Director of Engineering at WildMe. Jason and I discuss Wildme's pair of open source computer vision based conservation projects, Wildbook and Whaleshark.org, Jason kicks us off with the interesting story of how Wildbook came to be, the eventual expansion of the project and the evolution of these projects’ use of computer vision and deep learning. For the complete show notes, visit twimlai.com/talk/166

Pragmatic Deep Learning for Medical Imagery with Prashant Warier - TWiML Talk #165
In this episode I'm joined by Prashant Warier, CEO and Co-Founder of Qure.ai. We discuss the company’s work building products for interpreting head CT scans and chest x-rays. We look at knowledge gained in bringing a commercial product to market, including what the gap between academic research papers and commercially viable software, the challenge of data acquisition and more. We also touch on the application of transfer learning. For the complete show notes, visit https://twimlai.com/talk/165.

Taskonomy: Disentangling Transfer Learning for Perception (CVPR 2018 Best Paper Winner) with Amir Zamir - TWiML Talk #164
In this episode I'm joined by Amir Zamir, Postdoctoral researcher at both Stanford & UC Berkeley, who joins us fresh off of winning the 2018 CVPR Best Paper Award for co-authoring "Taskonomy: Disentangling Task Transfer Learning." In our conversation, we discuss the nature and consequences of the relationships that Amir and his team discovered, and how they can be used to build more effective visual systems with machine learning. https://twimlai.com/talk/164

Predicting Metabolic Pathway Dynamics w/ Machine Learning with Zak Costello - TWiML Talk #163
In today’s episode I’m joined by Zak Costello, post-doctoral fellow at the Joint BioEnergy Institute to discuss his recent paper, “A machine learning approach to predict metabolic pathway dynamics from time-series multiomics data.” Zak gives us an overview of synthetic biology and the use of ML techniques to optimize metabolic reactions for engineering biofuels at scale. Visit twimlai.com/talk/163 for the complete show notes.

Machine Learning to Discover Physics and Engineering Principles with Nathan Kutz - TWiML Talk #162
In this episode, I’m joined by Nathan Kutz, Professor of applied mathematics, electrical engineering and physics at the University of Washington to discuss his research into the use of machine learning to help discover the fundamental governing equations for physical and engineering systems from time series measurements. For complete show notes visit twimlai.com/talk/162

Automating Complex Internal Processes w/ AI with Alexander Chukovski - TWiML Talk #161
In this episode, I'm joined by Alexander Chukovski, Director of Data Services at Munich, Germany based career platform, Experteer. In our conversation, we explore Alex’s journey to implement machine learning at Experteer, the Experteer NLP pipeline and how it’s evolved, Alex’s work with deep learning based ML models, including models like VDCNN and Facebook’s FastText offering and a few recent papers that look at transfer learning for NLP. Check out the complete show notes at twimlai.com/talk/161

Designing Better Sequence Models with RNNs with Adji Bousso Dieng - TWiML Talk #160
In this episode, I'm joined by Adji Bousso Dieng, PhD Student in the Department of Statistics at Columbia University to discuss two of her recent papers, “Noisin: Unbiased Regularization for Recurrent Neural Networks” and “TopicRNN: A Recurrent Neural Network with Long-Range Semantic Dependency.” We dive into the details behind both of these papers and learn a ton along the way.

Love Love: AI and ML in Tennis with Stephanie Kovalchik - TWiML Talk #159
In the final show in our AI in Sports series, I’m joined by Stephanie Kovalchik, Research Fellow at Victoria University and Senior Sports Scientist at Tennis Australia. In our conversation we discuss Tennis Australia's use of data to develop a player rating system based on ability and probability, some of the interesting products her Game Insight Group is developing, including a win forecasting algorithm, and a statistic that measures a given player’s workload during a match.

Growth Hacking Sports w/ Machine Learning with Noah Gift - TWiML Talk #158
In this episode of our AI in Sports series I'm joined by Noah Gift, Founder and Consulting CTO at Pragmatic Labs and professor at UC Davis. Noah and I discuss some of his recent work in using social media to predict which players hold the most on-court value, and how this work could lead to more complete approaches to player valuation. Check out the show notes at twimlai.com/talk/158

Fine-Grained Player Prediction in Sports with Jennifer Hobbs - TWiML Talk #157
In this episode of our AI in Sports series, I'm joined by Jennifer Hobbs, Senior Data Scientist at STATS, a collector and distributor of sports data, to discuss the STATS data pipeline and how they collect and store different types of data for easy consumption and application. We also look into a paper she co-authored, Mythbusting Set-Pieces in Soccer, which was presented at the MIT Sloan Conference this year. https://twimlai.com/talk/157

Targeted Ticket Sales Using Azure ML with the Trail Blazers w/ Mike Schumacher & Chenhui Hu - TWiML Talk #156
In today’s episode of our AI in Sports series I'm joined by Mike Schumacher, director of business analytics for the Portland Trail Blazers, and Chenhui Hu, a data scientist at Microsoft to discuss how the Blazers are using machine learning to produce better-targeted sales campaigns, for both single-game and season-ticket buyers.

AI for Athlete Optimization with Sinead Flahive - TWiML Talk #155
This week we’re excited to kick off a series of shows on AI in sports. In this episode I'm joined by Sinead Flahive, data scientist at Dublin, Ireland based Kitman Labs to discuss Kitman’s Athlete Optimization System, which allows sports trainers and coaches to collect and analyze data for player performance optimization and injury reduction. Enjoy!

Omni-Channel Customer Experiences with Vince Jeffs - TWiML Talk #154
In this, the final episode of our PegaWorld series I’m joined by Vince Jeffs, Senior Director of Product Strategy for AI and Decisioning at Pegasystems. Vince and I had a great talk about the role AI and advanced analytics will play in defining future customer experiences. We do this in the context provided by one of his presentations from the conference, which explores four technology scenarios from Pegasystems’ innovation labs. These look at a connected car experience, the use of deep learning for diagnostics, dynamic notifications, and continuously optimized marketing. We also get into an interesting discussion about how much is too much when it comes to hyperpersonalized experiences, and how businesses can manage this challenge. The notes for this show can be found at twimlai.com/talk/154. For more information on the Pegaworld series, visit twimlai.com/pegaworld2018.

Workforce Intelligence for Automation & Productivity with Michael Kempe - TWiML Talk #153
In this episode of our PegaWorld series, I’m joined by Michael Kempe, chief operating officer at global share registry and financial services provider Link Market Services. In the interview, Michael and I dig into Link’s use of workforce intelligence software to allow it to track and analyze the performance of its workforce and business processes. Michael and I discuss some of the initial challenges associated with implementing this type of system, including skepticism amongst employees, and how it ultimately sets the stage for the Link’s broader use of machine learning, AI and so called “robotic process automation” to increase workforce productivity. The notes for this show can be found at twimlai.com/talk/153. For more information on our PegaWorld series, visit twimlai.com/pegaworld2018.

Data Platforms for Decision Automation at Scotiabank with Jim Saleh - TWiML Talk #152
In this show, part of our PegaWorld 18 series, I'm joined by Jim Saleh, Senior Director of process and decision automation at Scotiabank. Jim is tasked with helping the bank transition from a world where customer interactions are based on historical analytics to one where they’re based on real-time decisioning and automation. In our conversation we discuss what’s required to deliver real-time decisioning, starting from the ground up with the data platform. In this vein we explore topics like data lakes, data warehouses, integration, and more, and the effort required to take advantage of these. The notes for this show can be found at twimlai.com/talk/152. For more info on our PegaWorld 2018 series, visit twimlai.com/pegaworld2018.

Towards the Self-Driving Enterprise with Kirk Borne - TWiML Talk #151
In this show, the first of our PegaWorld 18 series, I'm joined by Kirk Borne, Principal Data Scientist at management consulting firm Booz Allen Hamilton. In our conversation, Kirk shares his views on automation as it applies to enterprises and their customers. We discuss his experiences evangelizing data science within the context of a large organization, and the role of AI in helping organizations achieve automation. Along the way Kirk, shares a great analogy for intelligent automation, comparing it to an autonomous vehicle . We covered a ton of ground in this chat, which I think you’ll get a kick out of. The notes for this show can be found at twimlai.com/talk/151. For more info about our PegaWorld 2018 Series, visit twimlai.com/pegaworld2018.

How a Global Energy Company Adopts ML & AI with Nicholas Osborn - TWiML Talk #150
On today’s show I’m excited to share this interview with Nick Osborn, a longtime listener of the show and Leader of the Global Machine Learning Project Management Office at AES Corporation, a Fortune 200 power company. Nick and I met at my AI Summit a few weeks back, and after a brief chat about some of the things he was up to at AES, I knew I needed to get him on the show! In this interview, Nick and I explore how AES is implementing machine learning across multiple domains at the company. We dig into several examples falling under the Natural Language, Computer Vision, and Cognitive Assets categories he’s established for his projects. Along the way we cover some of the key podcast episodes that helped Nick discover potentially applicable ML techniques, and how those are helping his team broaden the use of machine learning at AES. This was a fun and informative conversation that has a lot to offer. Thanks, Nick! The notes for this episode can be found at twimlai.com/talk/150.

Problem Formulation for Machine Learning with Romer Rosales - TWiML Talk #149
In this episode, i'm joined by Romer Rosales, Director of AI at LinkedIn. We begin with a discussion of graphical models and approximate probability inference, and he helps me make an important connection in the way I think about that topic. We then review some of the applications of machine learning at LinkedIn, and how what Romer calls their ‘holistic approach’ guides the evolution of ML projects at LinkedIn. This leads us into a really interesting discussion about problem formulation and selecting the right objective function for a given problem. We then talk through some of the tools they’ve built to scale their data science efforts, including large-scale constrained optimization solvers, online hyperparameter optimization and more. This was a really fun conversation, that I’m sure you’ll enjoy! The notes for this show can be found at twimlai.com/talk/149.

AI for Materials Discovery with Greg Mulholland - TWiML Talk #148
In this episode I’m joined by Greg Mulholland, Founder and CEO of Citrine Informatics, which is applying AI to the discovery and development of new materials. Greg and I start out with an exploration of some of the challenges of the status quo in materials science, and what’s to be gained by introducing machine learning into this process. We discuss how limitations in materials manifest themselves, and Greg shares a few examples from the company’s work optimizing battery components and solar cells. We dig into the role and sources of data used in applying ML in materials, and some of the unique challenges to collecting it, and discuss the pipeline and algorithms Citrine uses to deliver its service. This was a fun conversation that spans physics, chemistry, and of course machine learning, and I hope you enjoy it. The notes for this show can be found at twimlai.com/talk/148.

Data Innovation & AI at Capital One with Adam Wenchel - TWiML Talk #147
In this episode I’m joined by Adam Wenchel, vice president of AI and Data Innovation at Capital One, to discuss how Machine Learning & AI are being integrated into their day-to-day practices, and how those advances benefit the customer. In our conversation, we look into a few of the many applications of AI at the bank, including fraud detection, money laundering, customer service, and automating back office processes. Adam describes some of the challenges of applying ML in financial services and how Capital One maintains consistent portfolio management practices across the organization. We also discuss how the bank has organized to scale their machine learning efforts, and the steps they’ve taken to overcome the talent shortage in the space. The notes for this show can be found at twimlai.com/talk/147.

Deep Gradient Compression for Distributed Training with Song Han - TWiML Talk #146
On today’s show I chat with Song Han, assistant professor in MIT’s EECS department, about his research on Deep Gradient Compression. In our conversation, we explore the challenge of distributed training for deep neural networks and the idea of compressing the gradient exchange to allow it to be done more efficiently. Song details the evolution of distributed training systems based on this idea, and provides a few examples of centralized and decentralized distributed training architectures such as Uber’s Horovod, as well as the approaches native to Pytorch and Tensorflow. Song also addresses potential issues that arise when considering distributed training, such as loss of accuracy and generalizability, and much more. The notes for this show can be found at twimlai.com/talk/146.

Masked Autoregressive Flow for Density Estimation with George Papamakarios - TWiML Talk #145
In this episode, University of Edinburgh Phd student George Papamakarios and I discuss his paper “Masked Autoregressive Flow for Density Estimation.” George walks us through the idea of Masked Autoregressive Flow, which uses neural networks to produce estimates of probability densities from a set of input examples. We discuss some of the related work that’s laid the groundwork for his research, including Inverse Autoregressive Flow, Real NVP and Masked Auto-encoders. We also look at the properties of probability density networks and discuss some of the challenges associated with this effort. The notes for this show can be found at twimlai.com/talk/145.

Training Data for Computer Vision at Figure Eight with Qazaleh Mirsharif - TWiML Talk #144
For today’s show, the last in our TrainAI series, I'm joined by Qazaleh Mirsharif, a machine learning scientist working on computer vision at Figure Eight. Qazaleh and I caught up at the TrainAI conference to discuss a couple of the projects she’s worked on in that field, namely her research into the classification of retinal images and her work on parking sign detection from Google Street View images. The former, which attempted to diagnose diseases like diabetic retinopathy using retinal scan images, is similar to the work I spoke with Ryan Poplin about on TWiML Talk #122. In my conversation with Qazaleh we focus on how she built her datasets for each of these projects and some of the key lessons she’s learned along the way. The notes for this show can be found at twimlai.com/talk/144. For series details, visit twimlai.com/trainai2018.

Agile Data Science with Sarah Aerni - TWiML Talk #143
Today we continue our TrainAI series with Sarah Aerni, Director of Data Science at Salesforce Einstein. Sarah and I sat down at the TrainAI conference to discuss her talk “Notes from the Field: The Platform, People, and Processes of Agile Data Science.” Sarah and I dig into the concept of agile data science, exploring what it means to her and how she’s seen it done at Salesforce and other places she’s worked. We also dig into the notion of machine learning platforms, which is also a keen area of interest for me. We discuss some of the common elements we’ve seen in ML platforms, and when it makes sense for an organization to start building one. The notes for this show can be found at twimlai.com/talk/143. For more details on the TrainAI series, visit twimlai.com/trainai2018

Tensor Operations for Machine Learning with Anima Anandkumar - TWiML Talk #142
In this episode of our TrainAI series, I sit down with Anima Anandkumar, Bren Professor at Caltech and Principal Scientist with Amazon Web Services. Anima joined me to discuss the research coming out of her “Tensorlab” at CalTech. In our conversation, we review the application of tensor operations to machine learning and discuss how an example problem–document categorization–might be approached using 3 dimensional tensors to discover topics and relationships between topics. We touch on multidimensionality, expectation maximization, and Amazon products Sagemaker and Comprehend. Anima also goes into how to tensorize neural networks and apply our understanding of tensor algebra to do perform better architecture searches. The notes for this show can be found at twimlai.com/talk/142. For series info, visit twimlai.com/trainai2018

Deep Learning for Live-Cell Imaging with David Van Valen - TWiML Talk #141
In today’s show, I sit down with David Van Valen, assistant professor of Bioengineering & Biology at Caltech. David joined me after his talk at the Figure Eight TrainAI conference to chat about his research using image recognition and segmentation techniques in biological settings. In particular, we discuss his use of deep learning to automate the analysis of individual cells in live-cell imaging experiments. We had a really interesting discussion around the various practicalities he’s learned about training deep neural networks for image analysis, and he shares some great insights into which of the techniques from the deep learning research have worked for him and which haven’t. If you’re a fan of our Nerd Alert shows, you’ll really like this one. Enjoy! The notes for this show can be found at twimlai.com/talk/141. For more information on this series, visit twimlai.com/trainai2018.

Checking in with the Master w/ Garry Kasparov - TWiML Talk #140
In this episode I’m joined by legendary chess champion, author, and fellow at the Oxford Martin School, Garry Kasparov. Garry and I sat down after his keynote at the Figure Eight Train AI conference in San Francisco last week. Garry and I discuss his bouts with the chess-playing computer Deep Blue–which became the first computer system to defeat a reigning world champion in their 1997 rematch–and how that experience has helped shaped his thinking on artificially intelligent systems. We explore his perspective on the evolution of AI, the ways in which chess and Deep Blue differ from Go and Alpha Go, and the significance of DeepMind’s Alpha Go Zero. We also talk through his views on the relationship between humans and machines, and how he expects it to change over time. The notes for this show can be found at twimlai.com/talk/140. For more information on this series, visit twimlai.com/trainai2018.

Exploring AI-Generated Music with Taryn Southern - TWiML Talk #139
In this episode I’m joined by Taryn Southern - a singer, digital storyteller and Youtuber, whose upcoming album I AM AI will be produced completely with AI based tools. Taryn and I explore all aspects of what it means to create music with modern AI-based tools, and the different processes she’s used to create her singles Break Free, Voices in My Head, and more. She also provides a rundown of the many tools she’s used in this space, including Google Magenta, Watson Beat, AMPer, Landr and more. This was a super fun interview that I think you’ll get a kick out of. The notes for this show can be found at twimlai.com/talk/139

Practical Deep Learning with Rachel Thomas - TWiML Talk #138
In this episode, i'm joined by Rachel Thomas, founder and researcher at Fast AI. If you’re not familiar with Fast AI, the company offers a series of courses including Practical Deep Learning for Coders, Cutting Edge Deep Learning for Coders and Rachel’s Computational Linear Algebra course. The courses are designed to make deep learning more accessible to those without the extensive math backgrounds some other courses assume. Rachel and I cover a lot of ground in this conversation, starting with the philosophy and goals behind the Fast AI courses. We also cover Fast AI’s recent decision to switch to their courses from Tensorflow to Pytorch, the reasons for this, and the lessons they’ve learned in the process. We discuss the role of the Fast AI deep learning library as well, and how it was recently used to held their team achieve top results on a popular industry benchmark of training time and training cost by a factor of more than ten. The notes for this show can be found at twimlai.com/talk/138

Kinds of Intelligence w/ Jose Hernandez-Orallo - TWiML Talk #137
In this episode, I'm joined by Jose Hernandez-Orallo, professor in the department of information systems and computing at Universitat Politècnica de València and fellow at the Leverhulme Centre for the Future of Intelligence, working on the Kinds of Intelligence Project. Jose and I caught up at NIPS last year after the Kinds of Intelligence Symposium that he helped organize there. In our conversation, we discuss the three main themes of the symposium: understanding and identifying the main types of intelligence, including non-human intelligence, developing better ways to test and measure these intelligences, and understanding how and where research efforts should focus to best benefit society. The notes for this show can be found at twimlai.com/talk/137.

Taming arXiv with Natural Language Processing w/ John Bohannon - TWiML Talk #136
In this episode i'm joined by John Bohannan, Director of Science at AI startup Primer. As you all may know, a few weeks ago we released my interview with Google legend Jeff Dean, which, by the way, you should definitely check if you haven’t already. Anyway, in that interview, Jeff mentions the recent explosion of machine learning papers on arXiv, which I responded to jokingly by asking whether Google had already developed the AI system to help them summarize and track all of them. While Jeff didn’t have anything specific to offer, a listener reached out and let me know that John was in fact already working on this problem. In our conversation, John and I discuss his work on Primer Science, a tool that harvests content uploaded to arxiv, sorts it into natural topics using unsupervised learning, then gives relevant summaries of the activity happening in different innovation areas. We spend a good amount of time on the inner workings of Primer Science, including their data pipeline and some of the tools they use, how they determine “ground truth” for training their models, and the use of heuristics to supplement NLP in their processing. The notes for this show can be found at twimlai.com/talk/136

Epsilon Software for Private Machine Learning with Chang Liu - TWiML Talk #135
In this episode, our final episode in the Differential Privacy series, I speak with Chang Liu, applied research scientist at Georgian Partners, a venture capital firm that invests in growth stage business software companies in the US and Canada. Chang joined me to discuss Georgian’s new offering, Epsilon, a software product that embodies the research, development and lessons learned helps in helping their portfolio companies deliver differentially private machine learning solutions to their customers. In our conversation, Chang discusses some of the projects that led to the creation of Epsilon, including differentially private machine learning projects at BlueCore, Work Fusion and Integrate.ai. We explore some of the unique challenges of productizing differentially private ML, including business, people and technology issues. Finally, Chang provides some great pointers for those who’d like to further explore this field. The notes for this show can be found at twimlai.com/talk/135

Scalable Differential Privacy for Deep Learning with Nicolas Papernot - TWiML Talk #134
In this episode of our Differential Privacy series, I'm joined by Nicolas Papernot, Google PhD Fellow in Security and graduate student in the department of computer science at Penn State University. Nicolas and I continue this week’s look into differential privacy with a discussion of his recent paper, Semi-supervised Knowledge Transfer for Deep Learning From Private Training Data. In our conversation, Nicolas describes the Private Aggregation of Teacher Ensembles model proposed in this paper, and how it ensures differential privacy in a scalable manner that can be applied to Deep Neural Networks. We also explore one of the interesting side effects of applying differential privacy to machine learning, namely that it inherently resists overfitting, leading to more generalized models. The notes for this show can be found at twimlai.com/talk/134.

Differential Privacy at Bluecore with Zahi Karam - TWiML Talk #133
In this episode of our Differential Privacy series, I'm joined by Zahi Karam, Director of Data Science at Bluecore, whose retail marketing platform specializes in personalized email marketing. I sat down with Zahi at the Georgian Partners portfolio conference last year, where he gave me my initial exposure to the field of differential privacy, ultimately leading to this series. Zahi shared his insights into how differential privacy can be deployed in the real world and some of the technical and cultural challenges to doing so. We discuss the Bluecore use case in depth, including why and for whom they build differentially private machine learning models. The notes for this show can be found at twimlai.com/talk/133

Differential Privacy Theory & Practice with Aaron Roth - TWiML Talk #132
In the first episode of our Differential Privacy series, I'm joined by Aaron Roth, associate professor of computer science and information science at the University of Pennsylvania. Aaron is first and foremost a theoretician, and our conversation starts with him helping us understand the context and theory behind differential privacy, a research area he was fortunate to begin pursuing at its inception. We explore the application of differential privacy to machine learning systems, including the costs and challenges of doing so. Aaron discusses as well quite a few examples of differential privacy in action, including work being done at Google, Apple and the US Census Bureau, along with some of the major research directions currently being explored in the field. The notes for this show can be found at twimlai.com/talk/132.

Optimal Transport and Machine Learning with Marco Cuturi - TWiML Talk #131
In this episode, i’m joined by Marco Cuturi, professor of statistics at Université Paris-Saclay. Marco and I spent some time discussing his work on Optimal Transport Theory at NIPS last year. In our discussion, Marco explains Optimal Transport, which provides a way for us to compare probability measures. We look at ways Optimal Transport can be used across machine learning applications, including graphical, NLP, and image examples. We also touch on GANs, or generative adversarial networks, and some of the challenges they present to the research community. The notes for this show can be found at twimlai.com/talk/131.

Collecting and Annotating Data for AI with Kiran Vajapey - TWiML Talk #130
In this episode, I’m joined by Kiran Vajapey, a human-computer interaction developer at Figure Eight. In this interview, Kiran shares some of what he’s has learned through his work developing applications for data collection and annotation at Figure Eight and earlier in his career. We explore techniques like data augmentation, domain adaptation, and active and transfer learning for enhancing and enriching training datasets. We also touch on the use of Imagenet and other public datasets for real-world AI applications. If you like what you hear in this interview, Kiran will be speaking at my AI Summit April 30th and May 1st in Las Vegas and I’ll be joining Kiran at the upcoming Figure Eight TrainAI conference, May 9th&10th in San Francisco. The notes for this show can be found at twimlai.com/talk/130

Autonomous Aerial Guidance, Navigation and Control Systems with Christopher Lum - TWiML Talk #129
Ok, In this episode, I'm joined by Christopher Lum, Research Assistant Professor in the University of Washington’s Department of Aeronautics and Astronautics. Chris also co-heads the University’s Autonomous Flight Systems Lab, where he and his students are working on the guidance, navigation, and control of unmanned systems. In our conversation, we discuss some of the technical and regulatory challenges of building and deploying Unmanned Autonomous Systems. We also talk about some interesting work he’s doing on evolutionary path planning systems as well as an Precision Agriculture use case. Finally, Chris shares some great starting places for those looking to begin a journey into autonomous systems research. The notes for this show can be found at twimlai.com/talk/129.

Infrastructure for Autonomous Vehicles with Missy Cummings - TWiML Talk #128
In this episode, I’m joined by Missy Cummings, head of Duke University’s Humans and Autonomy Lab and professor in the department of mechanical engineering. In addition to being an accomplished researcher, Missy also became one of the first female fighter pilots in the US Navy following the repeal of the Combat Exclusion Policy in 1993. We discuss Missy’s research into the infrastructural and operational challenges presented by autonomous vehicles, including cars, drones and unmanned aircraft. We also cover trust, explainability, and interactions between humans and AV systems. This was an awesome interview and i'm glad we’re able to bring it to you! The notes for this show can be found at twimlai.com/talk/128.

Hyper-Personalizing the Customer Experience w/ AI with Rob Walker - TWiML Talk #127
In this episode, we're joined by Rob Walker, Vice President of decision management and analytics at Pegasystems, a leading provider of software for customer engagement and operational excellence. Rob and I discuss what’s required for enterprises to fully realize the vision of providing a hyper-personalized customer experience, and how machine learning and AI can be used to determine the next best action an organization should take to optimize sales, service, retention, and risk at every step in the customer relationship. Along the way we dig into a couple of key areas, specifically some of the techniques his organization uses to allow customers to manage the tradeoff between model performance and transparency, particularly in light of new laws like GDPR, and how all this ties to an enterprise’s ability to manage bias and ethical issues when deploying ML. We cover a lot of ground in this one and I think you’ll find Rob’s perspective really interesting. The notes for this show can be found at twimlai.com/talk/127.

Information Extraction from Natural Document Formats with David Rosenberg - TWiML Talk #126
In this episode, I’m joined by David Rosenberg, data scientist in the office of the CTO at financial publisher Bloomberg, to discuss his work on “Extracting Data from Tables and Charts in Natural Document Formats.” Bloomberg is dealing with tons of financial and company data in pdfs and other unstructured document formats on a daily basis. To make meaning from this information more efficiently, David and his team have implemented a deep learning pipeline for extracting data from the documents. In our conversation, we dig into the information extraction process, including how it was built, how they sourced their training data, why they used LaTeX as an intermediate representation and how and why they optimize on pixel-perfect accuracy. There’s a lot of interesting info in this show and I think you’re going to enjoy it. The notes for this show can be found at twimlai.com/talk/126.

Human-in-the-Loop AI for Emergency Response & More w/ Robert Munro - TWiML Talk #125
In this episode, I chat with Rob Munro, CTO of the newly branded Figure Eight, formerly known as CrowdFlower. Figure Eight’s Human-in-the-Loop AI platform supports data science & machine learning teams working on autonomous vehicles, consumer product identification, natural language processing, search relevance, intelligent chatbots, and more. Rob and I had a really interesting discussion covering some of the work he’s previously done applying machine learning to disaster response and epidemiology, including a use case involving text translation in the wake of the catastrophic 2010 Haiti earthquake. We also dig into some of the technical challenges that he’s encountered in trying to scale the human-in-the-loop side of machine learning since joining Figure Eight, including identifying more efficient approaches to image annotation as well as the use of zero shot machine learning to minimize training data requirements. Finally, we briefly discuss Figure Eight’s upcoming TrainAI conference, which takes place on May 9th & 10th in San Francisco. Train AI you can join me and Rob, along with a host of amazing speakers like Garry Kasparov, Andrej Karpathy, Marti Hearst and many more and receive hands-on AI, machine learning and deep learning training through real-world case studies on practical machine learning applications. For more information on TrainAI, head over to figure-eight.com/train-ai, and be sure to use code TWIMLAI for 30% off your registration! For those of you listening to this on or before April 6th, Figure Eight is offering an even better deal on event registration. Use the code figure-eight to register for only 88 dollars. The notes for this show can be found at twimlai.com/talk/125.

Systems and Software for Machine Learning at Scale with Jeff Dean - TWiML Talk #124
In this episode I’m joined by Jeff Dean, Google Senior Fellow and head of the company’s deep learning research team Google Brain, who I had a chance to sit down with last week at the Googleplex in Mountain View. As you’ll hear, I was very excited for this interview, because so many of Jeff’s contributions since he started at Google in ‘99 have touched my life and work. In our conversation, Jeff and I dig into a bunch of the core machine learning innovations we’ve seen from Google. Of course we discuss TensorFlow, and its origins and evolution at Google. We also explore AI acceleration hardware, including TPU v1, v2 and future directions from Google and the broader market in this area. We talk through the machine learning toolchain, including some things that Googlers might take for granted, and where the recently announced Cloud AutoML fits in. We also discuss Google’s process for mapping problems across a variety of domains to deep learning, and much, much more. This was definitely one of my favorite conversations, and I'm pumped to be able to share it with you. The notes for this show can be found at twimlai.com/talk/124.

Semantic Segmentation of 3D Point Clouds with Lyne Tchapmi - TWiML Talk #123
In this episode I’m joined by Lyne Tchapmi, PhD student in the Stanford Computational Vision and Geometry Lab, to discuss her paper, “SEGCloud: Semantic Segmentation of 3D Point Clouds.” SEGCloud is an end-to-end framework that performs 3D point-level segmentation combining the advantages of neural networks, trilinear interpolation and fully connected conditional random fields. In our conversation, Lyne and I cover the ins and outs of semantic segmentation, starting from the sensor data that we’re trying to segment, 2d vs 3d representations of that data, and how we go about automatically identifying classes. Along the way we dig into some of the details, including how she obtained a more fine grain labeling of points from sensor data and the transition from point clouds to voxels. The notes for this show can be found at twimlai.com/talk/123.

Predicting Cardiovascular Risk Factors from Eye Images with Ryan Poplin - TWiML Talk #122
In this episode, I'm joined by Google Research Scientist Ryan Poplin, who recently co-authored the paper “Prediction of cardiovascular risk factors from retinal fundus photographs via deep learning.” In our conversation, Ryan details his work training a deep learning model to predict various patient risk factors for heart disease, including some surprising ones like age and gender. We also dive into some interesting findings he discovered with regards to multi-task learning, as well as his use of an attention mechanisms to provide explainability. This was a really interesting discussion that I think you’ll really enjoy! The notes for this show can be found at twimlai.com/talk/122.

Reproducibility and the Philosophy of Data with Clare Gollnick - TWiML Talk #121
In this episode, i'm joined by Clare Gollnick, CTO of Terbium Labs, to discuss her thoughts on the “reproducibility crisis” currently haunting the scientific landscape. For a little background, a “Nature” survey in 2016 showed that "more than 70% of researchers have tried and failed to reproduce another scientist's experiments, and more than half have failed to reproduce their own experiments." Clare gives us her take on the situation, and how it applies to data science, along with some great nuggets about the philosophy of data and a few interesting use cases as well. We also cover her thoughts on Bayesian vs Frequentist techniques and while we’re at it, the Vim vs Emacs debate. No, actually I’m just kidding on that last one. But this was indeed a very fun conversation that I think you’ll enjoy! For the complete show notes, visit twimlai.com/talk/121.

Surveying the Connected Car Landscape with GK Senthil - TWiML Talk #120
In this episode, I’m joined by GK Senthil, director & chief product owner for innovation at Toyota Connected. GK and I spoke about some of the potential opportunities and challenges for smart cars. We discussed Toyota’s recently announced partnership with Amazon to embed Alexa in vehicles, and more generally the approach they’re taking to get connected car technology up to par with smartphones and other intelligent devices we use on a daily basis. We cover in-car voice recognition and touch on the ways ML & AI need to be developed to be useful in vehicles, as well as the approaches to getting there. The notes for this show can be found at twimlai.com/talk/120

Adversarial Attacks Against Reinforcement Learning Agents with Ian Goodfellow & Sandy Huang
In this episode, I’m joined by Ian Goodfellow, Staff Research Scientist at Google Brain and Sandy Huang, Phd Student in the EECS department at UC Berkeley, to discuss their work on the paper Adversarial Attacks on Neural Network Policies. If you’re a regular listener here you’ve probably heard of adversarial attacks, and have seen examples of deep learning based object detectors that can be fooled into thinking that, for example, a giraffe is actually a school bus, by injecting some imperceptible noise into the image. Well, Sandy and Ian’s paper sits at the intersection of adversarial attacks and reinforcement learning, another area we’ve discussed quite a bit on the podcast. In their paper, they describe how adversarial attacks can also be effective at targeting neural network policies in reinforcement learning. Sandy gives us an overview of the paper, including how changing a single pixel value can throw off performance of a model trained to play Atari games. We also cover a lot of interesting topics relating to adversarial attacks and RL individually, and some related areas such as hierarchical reward functions and transfer learning. This was a great conversation that I’m really excited to bring to you! For complete show notes, head over to twimlai.com/talk/119

Towards Abstract Robotic Understanding with Raja Chatila - TWiML Talk #118
In this episode, we're joined by Raja Chatila, director of Intelligent Systems and Robotics at Pierre and Marie Curie University in Paris, and executive committee chair of the IEEE global initiative on ethics of intelligent and autonomous systems. Raja and I had a great chat about his research, which deals with robotic perception and discovery. We discuss the relationship between learning and discovery, particularly as it applies to robots and their environments, and the connection between robotic perception and action. We also dig into the concepts of affordances, abstract teachings, meta-reasoning and self-awareness as they apply to intelligent systems. Finally, we touch on the issue of values and ethics of these systems. The notes for this show can be found at twimlai.com/talk/118.

Discovering Exoplanets w/ Deep Learning with Chris Shallue - TWiML Talk #117
Earlier this week, I had a chance to speak with Chris Shallue, Senior Software Engineer on the Google Brain Team, about his project and paper on “Exploring Exoplanets with Deep Learning.” This is a great story. Chris, inspired by a book he was reading, reached out on a whim to a Harvard astrophysics researcher, kicking off a collaboration and side project eventually leading to the discovery of two new planets outside our solar system. In our conversation, we walk through the entire process Chris followed to find these two exoplanets, including how he researched the domain as an outsider, how he sourced and processed his dataset, and how he built and evolved his models. Finally, we discuss the results of his project and his plans for future work in this area. This podcast is being published in parallel with Google’s release of the source code and data that Chris developed and used, which we’ll link to below, so if what you hear inspires you to dig into this area, you’ve got a nice head start. This was a really interesting conversation, and I'm excited to share it with you! The notes for this show can be found at twimlai.com/talk/117 The corresponding blog post for this project can be found at https://research.googleblog.com/2018/03/open-sourcing-hunt-for-exoplanets.html

Learning Active Learning with Ksenia Konyushkova - TWiML Talk #116
In this episode, I speak with Ksenia Konyushkova, Ph.D. student in the CVLab at Ecole Polytechnique Federale de Lausanne in Switzerland. Ksenia and I connected at NIPS in December to discuss her interesting research into ways we might apply machine learning to ease the challenge of creating labeled datasets for machine learning. The first paper we discuss is “Learning Active Learning from Data,” which suggests a data-driven approach to active learning that trains a secondary model to identify the unlabeled data points which, when labeled, would likely have the greatest impact on our primary model’s performance. We also discuss her paper “Learning Intelligent Dialogs for Bounding Box Annotation,” in which she trains an agent to guide the actions of a human annotator to more quickly produce bounding boxes. TWiML Online Meetup Update Join us Tuesday, March 13th for the March edition of the Online Meetup! Sean Devlin will be doing an in-depth review of reinforcement learning and presenting the Google DeepMind paper, "Playing Atari with Deep Reinforcement Learning." Head over to twimlai.com/meetup to learn more or register. Conference Update Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML. Early price ends February 2! The notes for this show can be found at https://twimlai.com/talk/116.

Machine Learning Platforms at Uber with Mike Del Balso - TWiML Talk #115
In this episode, I speak with Mike Del Balso, Product Manager for Machine Learning Platforms at Uber. Mike and I sat down last fall at the Georgian Partners Portfolio conference to discuss his presentation “Finding success with machine learning in your company.” In our discussion, Mike shares some great advice for organizations looking to get value out of machine learning. He also details some of the pitfalls companies run into, such as not have proper infrastructure in place for maintenance and monitoring, not managing their expectations, and not putting the right tools in place for data science and development teams. On this last point, we touch on the Michelangelo platform, which Uber uses internally to build, deploy and maintain ML systems at scale, and the open source distributed TensorFlow system they’ve created, Horovod. This was a very insightful interview, so get your notepad ready! Vote on our #MyAI Contest! Over the past few weeks, you’ve heard us talk quite a bit about our #MyAI Contest, which explores the role we see for AI in our personal lives! We received some outstanding entries, and now it’s your turn to check them out and vote for a winner. Do this by visiting our contest page at https://twimlai.com/myai. Voting remains open until Sunday, March 4th at 11:59 PM Eastern time. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/115.

Inverse Programming for Deeper AI with Zenna Tavares - TWiML Talk #114
For today’s show, the final episode of our Black in AI Series, I’m joined by Zenna Tavares, a PhD student in the both the department of Brain and Cognitive Sciences and the Computer Science and Artificial Intelligence Lab at MIT. I spent some time with Zenna after his talk at the Strange Loop conference titled “Running Programs in Reverse for Deeper AI.” Zenna shares some great insight into his work on program inversion, an idea which lies at the intersection of Bayesian modeling, deep-learning, and computational logic. We set the stage with a discussion of inverse graphics and the similarities between graphic inversion and vision inversion. We then discuss the application of these techniques to intelligent systems, including the idea of parametric inversion. Last but not least, zenna details how these techniques might be implemented, and discusses his work on ReverseFlow, a library to execute tensorflow programs backwards, and Sigma.jl a probabilistic programming environment implemented in the dynamic programming language Julia. This talk packs a punch, and I’m glad to share it with you. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/114. For complete contest details, visit twimlai.com/myai. For complete series details, visit twimlai.com/blackinai2018

Statistical Relational Artificial Intelligence with Sriraam Natarajan - TWiML Talk #113
In this episode, I speak with Sriraam Natarajan, Associate Professor in the Department of Computer Science at UT Dallas. While at NIPS a few months back, Sriraam and I sat down to discuss his work on Statistical Relational Artificial Intelligence. StarAI is the combination of probabilistic & statistical machine learning techniques with relational databases. We cover systems learning on top of relational databases and making predictions with relational data, with quite a few examples from the healthcare field. Sriraam and his collaborators have also developed BoostSRL, a gradient-boosting based approach to learning different types of statistical relational models. We briefly touch on this, along with other implementation approaches. Join the #MyAI Discussion! As a TWiML listener, you probably have an opinion on the role AI will play in our lives, and we want to hear your take. Sharing your thoughts takes two minutes, can be done from anywhere, and qualifies you to win some great prizes. So hit pause, and jump on over twimlai.com/myai right now to share or learn more. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/113. For complete contest details, visit twimlai.com/myai.

Classical Machine Learning for Infant Medical Diagnosis with Charles Onu - TWiML Talk #112
In this episode, part 4 in our Black in AI series, i'm joined by Charles Onu, Phd Student at McGill University in Montreal & Founder of Ubenwa, a startup tackling the problem of infant mortality due to asphyxia. Using SVMs and other techniques from the field of automatic speech recognition, Charles and his team have built a model that detects asphyxia based on the audible noises the child makes upon birth. We go into the process he used to collect his training data, including the specific methods they used to record samples, and how their samples will be used to maximize accuracy in the field. We also take a deep dive into some of the challenges of building and deploying the platform and mobile application. This is a really interesting use case, which I think you’ll enjoy. Join the #MyAI Discussion! As a TWiML listener, you probably have an opinion on the role AI will play in our lives, and we want to hear your take. Sharing your thoughts takes two minutes, can be done from anywhere, and qualifies you to win some great prizes. So hit pause, and jump on over twimlai.com/myai right now to share or learn more. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/112. For complete contest details, visit twimlai.com/myai. For complete series details, visit twimlai.com/blackinai2018.

Learning "Common Sense" and Physical Concepts with Roland Memisevic - TWiML Talk #111
In today’s episode, I’m joined by Roland Memisevic, co-founder, CEO, and chief scientist at Twenty Billion Neurons. Roland joined me at the RE•WORK Deep Learning Summit in Montreal to discuss the work his company is doing to train deep neural networks to understand physical actions. In our conversation, we dig into video analysis and understanding, including how data-rich video can help us develop what Roland calls comparative understanding, or AI “common sense”. We briefly touch on the implications of AI/ML systems having comparative understanding, and how Roland and his team are addressing problems like getting properly labeled training data. Enter Our #MyAI Contest! Are you looking forward to the role AI will play in your life, or in your children’s lives? Or, are you afraid of what’s to come, and the changes AI will bring? Or, maybe you’re skeptical, and don’t think we’ll ever really achieve enough with AI to make a difference? In any case, if you’re a TWiML listener, you probably have an opinion on the role AI will play in our lives, and we want to hear your take. Sharing your thoughts takes two minutes, can be done from anywhere, and qualifies you to win some great prizes. So hit pause, and jump on over twimlai.com/myai right now to share or learn more. The notes for this show can be found at twimlai.com/talk/111.

Trust in Human-Robot/AI Interactions with Ayanna Howard - TWiML Talk #110
In this episode, the third in our Black in AI series, I speak with Ayanna Howard, Chair of the Interactive School of Computing at Georgia Tech. Ayanna joined me for a lively discussion about her work in the field of human-robot interaction. We dig deep into a couple of major areas she’s active in that have significant implications for the way we design and use artificial intelligence, namly pediatric robotics and human-robot trust. That latter bit is particularly interesting, and Ayanna provides a really interesting overview of a few of her experiments, including a simulation of an emergency situation, where, well, I don’t want to spoil it, but let’s just say as the actual intelligent beings, we need to make some better decisions. Enjoy! Are you looking forward to the role AI will play in your life, or in your children’s lives? Or, are you afraid of what’s to come, and the changes AI will bring? Or, maybe you’re skeptical, and don’t think we’ll ever really achieve enough with AI to make a difference? As a TWiML listener, you probably have an opinion on the role AI will play in our lives, and we want to hear your take. Sharing your thoughts takes two minutes, can be done from anywhere, and qualifies you to win some great prizes. So hit pause, and jump on over twimlai.com/myai right now to share or learn more. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/110. For complete contest details, visit twimlai.com/myai. For complete series details, visit twimlai.com/blackinai2018.

Data Science for Poaching Prevention and Disease Treatment with Nyalleng Moorosi - TWiML Talk #109
For today’s show, I'm joined by Nyalleng Moorosi, Senior Data Science Researcher at The Council for Scientific & Industrial Research or CSIR, in Pretoria, South Africa. In our discussion, we discuss two major projects that Nyalleng is apart of at the CSIR, one, a predictive policing use case, which focused on understanding and preventing rhino poaching in Kruger National Park, and the other, a healthcare use case which focuses on understanding the effects of a drug treatment that was causing pancreatic cancer in South Africans. Along the way we talk about the challenges of data collection, data pipelines and overcoming sparsity. This was a really interesting conversation that I’m sure you’ll enjoy. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. The notes for this show can be found at twimlai.com/talk/109. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/blackinai2018.

Security and Safety in AI: Adversarial Examples, Bias and Trust w/ Moustapha Cissé - TWiML Talk #108
In this episode I’m joined by Moustapha Cissé, Research Scientist at Facebook AI Research Lab (or FAIR) Paris. Moustapha’s broad research interests include the security and safety of AI systems, and we spend some time discussing his work on adversarial examples and systems that are robust to adversarial attacks. More broadly, we discuss the role of bias in datasets, and explore his vision for models that can identify these biases and adjust the way they train themselves in order to avoid taking on those biases. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/108. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/blackinai2018.

Peering into the Home w/ Aerial.ai's Wifi Motion Analytics - TWiML Talk #107
In this episode I’m joined by Michel Allegue and Negar Ghourchian of Aerial.ai. Aerial is doing some really interesting things in the home automation space, by using wifi signal statistics to identify and understand what’s happening in our homes and office environments. Michel, the CTO, describes some of the capabilities of their platform, including its ability to detect not only people and pets within the home, but surprising characteristics like breathing rates and patterns. He also gives us a look into the data collection process, including the types of data needed, how they obtain it, and how it is parsed. Negar, a senior data scientist with Aerial, describes the types of models used, including semi-supervised, unsupervised and signal processing based models, and how they’ve scaled their platform, and provides us with some real-world use cases. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/107. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Physiology-Based Models for Fitness and Training w/ Firstbeat with Ilkka Korhonen - TWiML Talk #106
In this episode i'm joined by Ilkka Korhonen, Vice President of Technology at Firstbeat, a company whose algorithms are embedded in fitness watches from companies like Garmin and Suunto and which use your heartbeat data to offer personalized insights into stress, fitness, recovery and sleep patterns. We cover a ton about Firstbeat in the conversation, including how they transform the sensor readings into more actionable data, their use of a digital physiological model of the human body, how they use sensor data to identify and predict physiological changes within the body, and some of the opportunities that Firstbeat has to further apply ML in the future. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/106. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Machine Learning for Signal Processing Applications w/ Stuart Feffer & Brady Tsai - TWiML Talk #105
In this episode, I'm joined by Stuart Feffer, co-founder and CEO of Reality AI, which provides tools and services for engineers working with sensors and signals, and Brady Tsai, Business Development Manager at Koito, which develops automotive lighting solutions for car manufacturers. Stuart and Brady joined me at CES a few weeks ago after they announced a partnership to bring Adaptive Driving Beam, or ADB, headlights to North America. Brady explains what exactly ADB technology is and how it works, while Stuart walks me through the technical aspects of not only this partnership, but of the reality AI platform as a whole. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/105. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Personalizing the Ferrari Challenge Experience w/ Intel AI - TWiML Talk #104
In this episode, I'm joined by Andy Keller and Emile Chin-Dickey to discuss Intel's partnership with the Ferrari Challenge North American Series. Andy is a Deep Learning Data Scientist at Intel and Emile is Senior Manager of Marketing Partnerships at the company. In this show, Emile gives us a high-level overview of the Ferrari Challenge partnership and the goals of the collaboration. Andy & I then dive into the AI aspects of the project, including how the training data was collected, the techniques they used to perform fine-grained object detection in the video streams, how they built the analytics platform, some of the remaining challenges with this project, and more! Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/104. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Deep Learning for 3D Sensors and Cameras in Lighthouse with Alex Teichman - TWiML Talk #103
In this episode, I sit down with Alex Teichman, CEO and Co-Founder of Lighthouse, a company taking a new approach to the in-home smart camera. Alex and I dig into what exactly the Lighthouse product is, and all the interesting stuff inside, including its combination of 3D sensing, computer vision, and NLP. We also talk about Alex’s process for building the Lighthouse network architecture, they tech stack the product is based on, and some things that surprised him in their efforts to get AI into a consumer product. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/103. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Computer Vision for Cozmo, the Cutest Toy Robot Everrrrr! with Andrew Stein - TWiML Talk #102
In this episode, I'm joined by Andrew Stein, computer vision engineer at consumer robotics company Anki, and his partner in crime Cozmo, a toy robot with tons of personality. Andrew joined me during the hustle and bustle of CES a few weeks ago to give me some insight into how Cozmo works, plays, and learns, and how he’s different from other consumer robots you may know, such as the Roomba. We discuss the types of algorithms that help power Cozmo, such as facial detection and recognition, 3D pose recognition, reasoning, and even some simple emotional AI. We also cover Cozmo’s functionality and programmability, including a cool feature called Code Lab. This was a really fun interview, and you’ll be happy to know there’s a companion video starring Cozmo himself right here: https://youtu.be/jUkacU1I0QI. Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML at twimlai.com/ainy2018. Early price ends February 2! The notes for this show can be found at twimlai.com/talk/102. For complete contest details, visit twimlai.com/myaicontest. For complete series details, visit twimlai.com/aiathome.

Expectation Maximization, Gaussian Mixtures & Belief Propagation, OH MY! w/ Inmar Givoni - Talk #101
In this episode i'm joined by Inmar Givoni, Autonomy Engineering Manager at Uber ATG, to discuss her work on the paper Min-Max Propagation, which was presented at NIPS last month in Long Beach. Inmar and I get into a meaty discussion about graphical models, including what they are and how they’re used, some of the challenges they present for both training and inference, and how and where they can be best applied. Then we jump into an in-depth look at the key ideas behind the Min-Max Propagation paper itself, including the relationship to the broader domain of belief propagation and ideas like affinity propagation, and how all these can be applied to a use case example like the makespan problem. This was a really fun conversation! Enjoy! Be sure to check out some of the great names that will be at the AI Conference in New York, Apr 29–May 2, where you'll join the leading minds in AI, Peter Norvig, George Church, Olga Russakovsky, Manuela Veloso, and Zoubin Ghahramani. Explore AI's latest developments, separate what's hype and what's really game-changing, and learn how to apply AI in your organization right now. Save 20% on most passes with discount code PCTWIML. Visit twimlai.com/ainy2018 for registration details. Early price ends February 2!

A Linear-Time Kernel Goodness-of-Fit Test - NIPS Best Paper '17 - TWiML Talk #100
In this episode, I speak with Arthur Gretton, Wittawat Jitkrittum, Zoltan Szabo and Kenji Fukumizu, who, alongside Wenkai Xu authored the 2017 NIPS Best Paper Award winner “A Linear-Time Kernel Goodness-of-Fit Test.” In our discussion, we cover what exactly a “goodness of fit” test is, and how it can be used to determine how well a statistical model applies to a given real-world scenario. The group and I the discuss this particular test, the applications of this work, as well as how this work fits in with other research the group has recently published. Enjoy! In our discussion, we cover what exactly a “goodness of fit” test is, and how it can be used to determine how well a statistical model applies to a given real-world scenario. The group and I the discuss this particular test, the applications of this work, as well as how this work fits in with other research the group has recently published. Enjoy! This is your last chance to register for the RE•WORK Deep Learning and AI Assistant Summits in San Francisco, which are this Thursday and Friday, January 25th and 26th. These events feature leading researchers and technologists like the ones you heard in our Deep Learning Summit series last week. The San Francisco will event is headlined by Ian Goodfellow of Google Brain, Daphne Koller of Calico Labs, and more! Definitely check it out and use the code TWIMLAI for 20% off of registration. The notes for this show can be found at twimlai.com/talk/100.

Solving Imperfect-Information Games with Tuomas Sandholm - NIPS ’17 Best Paper - TWiML Talk #99
In this episode I speak with Tuomas Sandholm, Carnegie Mellon University Professor and Founder and CEO of startups Optimized Markets and Strategic Machine. Tuomas, along with his PhD student Noam Brown, won a 2017 NIPS Best Paper award for their paper “Safe and Nested Subgame Solving for Imperfect-Information Games.” Tuomas and I dig into the significance of the paper, including a breakdown of perfect vs imperfect information games, the role of abstractions in game solving, and how the concept of safety applies to gameplay. We discuss how all these elements and techniques are applied to poker, and how the algorithm described in this paper was used by Noam and Tuomas to create Libratus, the first AI to beat top human pros in No Limit Texas Hold’em, a particularly difficult game to beat due to its large state space. This was a fascinating interview that I'm really excited to share with you all. Enjoy! This is your last chance to register for the RE•WORK Deep Learning and AI Assistant Summits in San Francisco, which are this Thursday and Friday, January 25th and 26th. These events feature leading researchers and technologists like the ones you heard in our Deep Learning Summit series last week. The San Francisco will event is headlined by Ian Goodfellow of Google Brain, Daphne Koller of Calico Labs, and more! Definitely check it out and use the code TWIMLAI for 20% off of registration. The notes for this show can be found at twimlai.com/talk/99

Separating Vocals in Recorded Music at Spotify with Eric Humphrey - TWiML Talk #98
In today’s show, I sit down with Eric Humphrey, Research Scientist in the music understanding group at Spotify. Eric was at the Deep Learning Summit to give a talk on Advances in Deep Architectures and Methods for Separating Vocals in Recorded Music. We discuss his talk, including how Spotify's large music catalog enables such an experiment to even take place, the methods they use to train algorithms to isolate and remove vocals from music, and how architectures like U-Net and Pix2Pix come into play when building his algorithms. We also hit on the idea of “creative AI,” Spotify’s attempt at understanding music content at scale, optical music recognition, and more. This show is part of a series of shows recorded at the RE•WORK Deep Learning Summit in Montreal back in October. This was a great event and, in fact, their next event, the Deep Learning Summit San Francisco is right around the corner on January 25th and 26th, and will feature more leading researchers and technologists like the ones you’ll hear here on the show this week, including Ian Goodfellow of Google Brain, Daphne Koller of Calico Labs, and more! Definitely check it out and use the code TWIMLAI for 20% off of registration. The notes for this show can be found at twimlai.com/talk/98

Accelerating Deep Learning with Mixed Precision Arithmetic with Greg Diamos - TWiML Talk #97
In this show I speak with Greg Diamos, senior computer systems researcher at Baidu. Greg joined me before his talk at the Deep Learning Summit, where he spoke on “The Next Generation of AI Chips.” Greg’s talk focused on some work his team was involved in that accelerates deep learning training by using mixed 16-bit and 32-bit floating point arithmetic. We cover a ton of interesting ground in this conversation, and if you’re interested in systems level thinking around scaling and accelerating deep learning, you’re really going to like this one. And of course, if you like this one, you’re also going to like TWiML Talk #14 with Greg’s former colleague, Shubho Sengupta, which covers a bunch of related topics. This show is part of a series of shows recorded at the RE•WORK Deep Learning Summit in Montreal back in October. This was a great event and, in fact, their next event, the Deep Learning Summit San Francisco is right around the corner on January 25th and 26th, and will feature more leading researchers and technologists like the ones you’ll hear here on the show this week, including Ian Goodfellow of Google Brain, Daphne Koller of Calico Labs, and more! Definitely check it out and use the code TWIMLAI for 20% off of registration.

Composing Graphical Models With Neural Networks with David Duvenaud - TWiML Talk #96
In this episode, we hear from David Duvenaud, assistant professor in the Computer Science and Statistics departments at the University of Toronto. David joined me after his talk at the Deep Learning Summit on “Composing Graphical Models With Neural Networks for Structured Representations and Fast Inference.” In our conversation, we discuss the generalized modeling and inference framework that David and his team have created, which combines the strengths of both probabilistic graphical models and deep learning methods. He gives us a walkthrough of his use case which is to automatically segment and categorize mouse behavior from raw video, and we discuss how the framework is applied here and for other use cases. We also discuss some of the differences between the frequentist and bayesian statistical approaches. The notes for this show can be found at twimlai.com/talk/96

Embedded Deep Learning at Deep Vision with Siddha Ganju - TWiML Talk #95
In this episode we hear from Siddha Ganju, data scientist at computer vision startup Deep Vision. Siddha joined me at the AI Conference a while back to chat about the challenges of developing deep learning applications “at the edge,” i.e. those targeting compute- and power-constrained environments.In our conversation, Siddha provides an overview of Deep Vision’s embedded processor, which is optimized for ultra-low power requirements, and we dig into the data processing pipeline and network architecture process she uses to support sophisticated models in embedded devices. We dig into the specific the hardware and software capabilities and restrictions typical of edge devices and how she utilizes techniques like model pruning and compression to create embedded models that deliver needed performance levels in resource constrained environments, and discuss use cases such as facial recognition, scene description and activity recognition. Siddha's research interests also include natural language processing and visual question answering, and we spend some time discussing the latter as well.

Neuroevolution: Evolving Novel Neural Network Architectures with Kenneth Stanley - TWiML Talk #94
Today, I'm joined by Kenneth Stanley, Professor in the Department of Computer Science at the University of Central Florida and senior research scientist at Uber AI Labs. Kenneth studied under TWiML Talk #47 guest Risto Miikkulainen at UT Austin, and joined Uber AI Labs after Geometric Intelligence, the company he co-founded with Gary Marcus and others, was acquired in late 2016. Kenneth’s research focus is what he calls Neuroevolution, applies the idea of genetic algorithms to the challenge of evolving neural network architectures. In this conversation, we discuss the Neuroevolution of Augmenting Topologies (or NEAT) paper that Kenneth authored along with Risto, which won the 2017 International Society for Artificial Life’s Award for Outstanding Paper of the Decade 2002 - 2012. We also cover some of the extensions to that approach he’s created since, including, HyperNEAT, which can efficiently evolve very large networks with connectivity patterns that look more like those of the human and that are generally much larger than what prior approaches to neural learning could produce, and novelty search, an approach which unlike most evolutionary algorithms has no defined objective, but rather simply searches for novel behaviors. We also cover concepts like “Complexification” and “Deception”, biology vs computation including differences and similarities, and some of his other work including his book, and NERO, a video game complete with Real-time Neuroevolution. This is a meaty “Nerd Alert” interview that I think you’ll really enjoy.

A Quantum Computing Primer and Implications for AI with Davide Venturelli - TWiML Talk #93
Today, I'm joined by Davide Venturelli, science operations manager and quantum computing team lead for the Universities Space Research Association’s Institute for Advanced Computer Science at NASA Ames. Davide joined me backstage at the NYU Future Labs AI Summit a while back to give me some insight into a topic that I’ve been curious about for some time now, quantum computing. We kick off our discussion about the core ideas behind quantum computing, including what it is, how it’s applied and the ways it relates to computing as we know it today. We discuss the practical state of quantum computers and what their capabilities are, and the kinds of things you can do with them. And of course, we explore the intersection between AI and quantum computing, how quantum computing may one day accelerate machine learning, and how interested listeners can get started down the quantum rabbit hole. The notes for this show can be found at twimlai.com/talk/93

Learning State Representations with Yael Niv - TWiML Talk #92
This week on the podcast we’re featuring a series of conversations from the NIPs conference in Long Beach, California. I attended a bunch of talks and learned a ton, organized an impromptu roundtable on Building AI Products, and met a bunch of great people, including some former TWiML Talk guests. In this episode I speak with Yael Niv, professor of neuroscience and psychology at Princeton University. Yael joined me after her invited talk on “Learning State Representations.” In this interview Yael and I explore the relationship between neuroscience and machine learning. In particular, we discusses the importance of state representations in human learning, some of her experimental results in this area, and how a better understanding of representation learning can lead to insights into machine learning problems such as reinforcement and transfer learning. Did I mention this was a nerd alert show? I really enjoyed this interview and I know you will too. Be sure to send over any thoughts or feedback via the show notes page at twimlai.com/talk/92.

Philosophy of Intelligence with Matthew Crosby - TWiML Talk #91
This week on the podcast we’re featuring a series of conversations from the NIPs conference in Long Beach, California. I attended a bunch of talks and learned a ton, organized an impromptu roundtable on Building AI Products, and met a bunch of great people, including some former TWiML Talk guests.This time around i'm joined by Matthew Crosby, a researcher at Imperial College London, working on the Kinds of Intelligence Project. Matthew joined me after the NIPS Symposium of the same name, an event that brought researchers from a variety of disciplines together towards three aims: a broader perspective of the possible types of intelligence beyond human intelligence, better measurements of intelligence, and a more purposeful analysis of where progress should be made in AI to best benefit society. Matthew’s research explores intelligence from a philosophical perspective, exploring ideas like predictive processing and controlled hallucination, and how these theories of intelligence impact the way we approach creating artificial intelligence. This was a very interesting conversation, i'm sure you’ll enjoy.

Geometric Deep Learning with Joan Bruna & Michael Bronstein - TWiML Talk #90
This week on the podcast we’re featuring a series of conversations from the NIPs conference in Long Beach, California. I attended a bunch of talks and learned a ton, organized an impromptu roundtable on Building AI Products, and met a bunch of great people, including some former TWiML Talk guests. This time around I'm joined by Joan Bruna, Assistant Professor at the Courant Institute of Mathematical Sciences and the Center for Data Science at NYU, and Michael Bronstein, associate professor at Università della Svizzera italiana (Switzerland) and Tel Aviv University. Joan and Michael join me after their tutorial on Geometric Deep Learning on Graphs and Manifolds. In our conversation we dig pretty deeply into the ideas behind geometric deep learning and how we can use it in applications like 3D vision, sensor networks, drug design, biomedicine, and recommendation systems. This is definitely a Nerd Alert show, and one that will get your multi-dimensional neurons firing. Enjoy!

AI at the NASA Frontier Development Lab with Sara Jennings, Timothy Seabrook and Andres Rodriguez
This week on the podcast we’re featuring a series of conversations from the NIPs conference in Long Beach, California. I attended a bunch of talks and learned a ton, organized an impromptu roundtable on Building AI Products, and met a bunch of great people, including some former TWiML Talk guests. In this episode i'm joined by Sara Jennings, Timothy Seabrook and Andres Rodriguez to discuss NASA’s Frontier Development Lab or FDL. The FDL is an intense 8-week applied AI research accelerator, focused on tackling knowledge gaps useful to the space program. In our discussion, Sara, producer at the FDL, provides some insight into its goals and structure. Timothy, a researcher at FDL, describes his involvement with the program, including some of the projects he worked on while on-site. He also provides a look into some of this year’s FDL projects, including Planetary Defense, Solar Storm Prediction, and Lunar Water Location. Last but not least, Andres, Sr. Principal Engineer at Intel's AIPG, joins us to detail Intel’s support of the FDL, and how the various elements of the Intel AI stack supported the FDL research. This is a jam packed conversation, so be sure to check the show notes page at twimlai.com/talk/89 for all the links and tidbits from this episode.

Using Deep Learning and Google Street View to Estimate Demographics with Timnit Gebru
This week on the podcast we’re featuring a series of conversations from the NIPs conference in Long Beach, California. I attended a bunch of talks and learned a ton, organized an impromptu roundtable on Building AI Products, and met a bunch of great people, including some former TWiML Talk guests. In this episode I sit down with Timnit Gebru, postdoctoral researcher at Microsoft Research in the Fairness, Accountability, Transparency and Ethics in AI, or FATE, group. Timnit is also one of the organizers behind the Black in AI group, which held a very interesting symposium and poster session at NIPS. I’ll link to the group’s page in the show notes. I’ve been following Timnit’s work for a while now and was really excited to get a chance to sit down with her and pick her brain. We packed a ton into this conversation, especially keying in on her recently released paper “Using Deep Learning and Google Street View to Estimate the Demographic Makeup of the US”. Timnit describes the pipeline she developed for this research, and some of the challenges she faced building and end-to-end model based on google street view images, census data and commercial car vendor data. We also discuss the role of social awareness in her work, including an explanation of how domain adaptation and fairness are related and her view of the major research directions in the domain of fairness. The notes for this show can be found at twimlai.com/talk/88 For series information, visit twimlai.com/nips2017

Integrative Learning for Robotic Systems with Aaron Ames - TWiML Talk #87
This week on the podcast we’re featuring a series of conversations from the AWS re:Invent conference in Las Vegas. I had a great time at this event getting caught up on the latest and greatest machine learning and AI products and services announced by AWS and its partners. Today we’re joined by Aaron Ames, Professor of Mechanical & Civil Engineering at Caltech. Aaron joined me before his talk at the Deep Learning Summit “Eye, Robot: Computer Vision and Autonomous Robotics” and I had a ton of questions for him. While he considers himself a “hardware guy”, we got into a great discussion centered around the intersection of Robotics and ML Inference. We cover a range of topics, including Boston Dynamics backflipping robot (If you haven't seen it, check out the show notes), Humanoid Robotics, His work on motion primitives and transitions and he even gives us a few predictions on the future of robotics.

Visual Recognition in the Cloud for Law Enforcement with Chris Adzima - TWiML Talk #86
This week on the podcast we’re featuring a series of conversations from the AWS re:Invent conference in Las Vegas. I had a great time at this event getting caught up on the latest and greatest machine learning and AI products and services announced by AWS and its partners. In this episode we’re joined by Chris Adzima, Senior Information Analyst for the Washington County Sheriff’s Department. While Chris is not a traditional data scientist, he comes to us with a very interesting use case using AWS’s Rekognition. Chris is using Rekognition to identify suspects in the Portland area by running their mugshots through the software. In our conversation, he details how he is using Rekognition, while giving us few use cases along the way. We discuss how bias affects the work he is doing, and how they try to remove it from their process, not only from a software developer standpoint, but from a law enforcement standpoint and what his next steps are with the Rekognition software. This was a pretty interesting discussion, i’m sure you’ll enjoy it!

Embodied Visual Learning with Kristen Grauman - TWiML Talk #85
This week on the podcast we’re featuring a series of conversations from the AWS re:Invent conference in Las Vegas. I had a great time at this event getting caught up on the latest and greatest machine learning and AI products and services announced by AWS and its partners. This time around we’re joined by Kristen Grauman, a professor in the department of computer science at UT Austin. Kristen specializes in Computer Vision and joined me leading up to her talk at the Deep Learning Summit “Learning where to look in video”. Kristen & I cover the details from her talk, like exploring how a vision system can learn how to move and where to look. Kristen considers how an embodied vision system can internalize the link between “how I move” and “what I see”, explore policies for learning to look around actively, and learn to mimic human videographer tendencies, automatically deciding where to look in unedited 360 degree video. The notes for this show can be found at twimlai.com/talk/85. For series details, visit twimlai.com/reinvent.

Real-Time Machine Learning in the Database with Nikita Shamgunov - TWiML Talk #84
This week on the podcast we’re featuring a series of conversations from the AWS re:Invent conference in Las Vegas. I had a great time at this event getting caught up on the latest and greatest machine learning and AI products and services announced by AWS and its partners. In this episode, I’ll be speaking with Nikita Shamgunov, co-founder and CEO of MemSQL, a company offering a distributed, memory-optimized data warehouse of the same name. Nikita and I take a deep dive into some of the features of their recently released 6.0 version, which supports built-in vector operations like dot product and euclidean distance to enable machine learning use cases like real-time image recognition, visual search and predictive analytics for IoT. We also discuss how to architect enterprise machine learning solutions around the data warehouse by including components like data lakes and Spark. Finally, we touch on some of the performance advantages MemSQL has seen by implementing vector operations using Intel’s latest AVX2 and AVX512 instruction sets. Make sure you check out the show notes at twimlai.com/talk/84

re:Invent Roundup Roundtable - TWiML Talk # 83
This week on the podcast we’re featuring a series of conversations from the AWS re:Invent conference in Las Vegas. I had a great time at this event getting caught up on the latest and greatest machine learning and AI products and services announced by AWS and its partners. If you missed the news coming out of re:Invent and want to know more about what one of the biggest AI platform providers is up to, you’ll want to say tuned, because we’ll discuss many of their new offerings in this episode, a Roundtable discussion I held with Dave McCrory VP of Software Engineering at Wise.io at GE Digital and Lawrence Chung, engagement lead at ThingLogix. We cover all of AWS’ most important news, including the new SageMaker and DeepLens, their Rekognition and Transcription services, Alexa for Business, GreenGrass ML and more. This kind of discussion is something a little new for the show, and is a bit reminiscent of my days covering news here on the podcast, so I hope you enjoy it!

Driving Customer Loyalty with Predictive and Conversational AI with Sherif Mityas - TWiML Talk #82
This week on the podcast we’re running a series of shows consisting of conversations with some of the impressive speakers from an event called the AI Summit in New York City. The theme of the conference, and the series, is AI in the Enterprise, and I think you’ll find it really interesting in that it includes a mix of both technical and case-study-oriented discussions. To close out our AI Summit New York Series, I speak with Sherif Mityas, head of Technology, Digital and Strategy at restaurant chain TGI Fridays. Sherif joins us to discuss how Fridays is utilizing conversational AI to enhance customer loyalty. Sherif wants Friday’s to be known as a tech company that happens to sell burgers and beer, and in this conversation we get an in-depth look at the technology landscape they’ve put in place to move the company in this direction. Sherif also shares some of the things on the horizon for Friday’s, as well as some of what they’ve learned along the way. Be sure to share your feedback or questions on the show notes page, which you’ll find at twimlai.com/talk/82.

Innovation Factories for AI in FInancial Services with Thierry Derungs - TWiML Talk #81
This week on the podcast we’re running a series of shows consisting of conversations with some of the impressive speakers from an event called the AI Summit in New York City. The theme of the conference, and the series, is AI in the Enterprise, and I think you’ll find it really interesting in that it includes a mix of both technical and case-study-oriented discussions. Today’s show continues our discussion of enterprise AI, with a conversation with Thierry Derungs, Chief Digital Officer at BNP Paribas, a multinational bank headquartered in Paris. Thierry joined me to discuss how BNP uses AI and some of the opportunities that have arisen with the changing AI landscape. We also discuss the innovation process that BNP has used to introduce AI to the bank, via what they call innovation incubators or “factories”. The notes for this show can be found at twimlai.com/talk/81.

Block-Sparse Kernels for Deep Neural Networks with Durk Kingma - TWiML Talk #80
The show is part of a series that I’m really excited about, in part because I’ve been working to bring them to you for quite a while now. The focus of the series is a sampling of the interesting work being done over at OpenAI, the independent AI research lab founded by Elon Musk, Sam Altman and others. In this show I’m joined by Jonas Schneider, Robotics Technical Team Lead at OpenAI. This episode features Durk Kingma, a Research Scientist at OpenAI. Although Durk is probably best known for his pioneering work on variational autoencoders, he joined me this time to talk through his latest project on block sparse kernels, which OpenAI just published this week. Block sparsity is a property of certain neural network representations, and OpenAI’s work on developing block sparse kernels helps make it more computationally efficient to take advantage of them. In addition to covering block sparse kernels themselves and the background required to understand them, we also discuss why they’re important and walk through some examples of how they can be used. I’m happy to present another fine Nerd Alert show to close out this OpenAI Series, and I know you’ll enjoy it! To find the notes for this show, visit twimlai.com/talk/80 For more info on this series, visit twimlai.com/openai

AI for Customer Service and Marketing at Aeromexico with Brian Gross - TWiML Talk #79
This week on the podcast we’re running a series of shows consisting of conversations with some of the impressive speakers from an event called the AI Summit in New York City. The theme of the conference, and the series, is AI in the Enterprise, and I think you’ll find it really interesting in that it includes a mix of both technical and case-study-oriented discussions. Today I'm joined by Brian Gross, Head of Digital Innovation for the Mexico City-based airline AeroMexico. AeroMexico is using AI techniques like neural nets to build a chatbot that responds to its customer’s inquiries. In our conversation, Brian describes how he views the chatbot landscape, shares his thoughts on the platform requirements that established enterprises like AeroMexico have for chatbots, and describes how AeroMexico plans to stay ahead of the curve. Be sure post any feedback or questions you may have to the show notes page, which you’ll find at twimlai.com/talk/79. For more info on this series, visit twimlai.com/aisummit.

Scaling AI for the Enterprise with Mazin Gilbert - TWiML Talk #78
This week on the podcast we’re running a series of shows consisting of conversations with some of the impressive speakers from an event called the AI Summit in New York City. The theme of the conference, and the series, is AI in the Enterprise, and I think you’ll find it really interesting in that it includes a mix of both technical and case-study-oriented discussions. My guest this time around is Mazin Gilbert, vice president of advanced technology & architecture with AT&T. Mazin and I have a really interesting discussion on what’s really required to scale AI in the enterprise, and you’ll learn about a new open source project that AT&T is working on to allow any enterprise to do this. You already know by now that I geek out when it comes to talking about the intersection of machine learning and cloud computing, and this conversation is no exception. Be sure to let us know what you think by posting your comments or questions to the show notes page at twimlai.com/talk/78. For more info on this series, visit twimlai.com/aisummit

Scalable Distributed Deep Learning with Hillery Hunter - TWiML Talk #77
This week on the podcast we’re running a series of shows consisting of conversations with some of the impressive speakers from an event called the AI Summit in New York City. The theme of the conference, and the series, is AI in the Enterprise, and I think you’ll find it really interesting in that it includes a mix of both technical and case-study-oriented discussions. My guest for this first show in the series is, Hillery Hunter, IBM Fellow & Director of the Accelerated Cognitive Infrastructure group at IBM’s T.J. Watson Research Center. Hillery and I met a few weeks back in New York and I'm really glad that we were able to get her on the show. Hillery joins us to discuss her team's research into distributed deep learning, which was recently released as the PowerAI Distributed Deep Learning Communication Library or DDL. In my conversation with Hillery, we discuss the purpose and technical architecture of the DDL, it’s ability to offer fully synchronous distributed training of deep learning models, the advantages of its Multi-Ring Topology, and much more. This is for sure a nerd alert pod, especially for the performance and hardware geeks among us . Be sure post any feedback or questions you may have to the show notes page, which you’ll find at twimlai.com/talk/77. For more info on this series, visit twimlai.com/aisummit

Robotics at OpenAI with Jonas Schneider - TWiML Talk #76
The show is part of a series that I’m really excited about, in part because I’ve been working to bring them to you for quite a while now. The focus of the series is a sampling of the interesting work being done over at OpenAI, the independent AI research lab founded by Elon Musk, Sam Altman and others. In this show I’m joined by Jonas Schneider, Robotics Technical Team Lead at OpenAI. While in San Francisco a few months ago, I spent some time with Jonas at the OpenAI office, during which we covered a lot of interesting ground around OpenAI’s work in robotics. We discuss OpenAI Gym, which was the first project he worked on at OpenAI, as well as how they approach setting up the infrastructure for their experimental work, including how they’ve set up a Robots-as-a-Service environment for their researchers and how they use the open source Kubernetes project to manage their compute environment. Check it out and let us know what you think! To find the notes for this show, visit twimlai.com/talk/76 For more info on this series, visit twimlai.com/openai

AI Robustness and Safety with Dario Amodei - TWiML Talk #75
The show is part of a series that I’m really excited about, in part because I’ve been working to bring them to you for quite a while now. The focus of the series is a sampling of the interesting work being done over at OpenAI, the independent AI research lab founded by Elon Musk, Sam Altman and others. In this episode i'm joined by Dario Amodei, Team Lead for Safety Research at OpenAI. While in San Francisco a few months ago, I spent some time at the OpenAI office, during which I sat down with Dario to chat about the work happening at OpenAI around AI safety. Dario and I dive into the two areas of AI safety that he and his team are focused on--robustness and alignment. We also touch on his research with the Google DeepMind team, the OpenAI Universe tool, and how human interactions can be incorporated into reinforcement learning models. This was a great conversation, and along with the other shows in this series, this is a nerd alert show! To find the notes for this show, visit twimlai.com/talk/75 For more info on this series, visit twimlai.com/openai

Towards Artificial General Intelligence with Greg Brockman - TWiML Talk #74
The show is part of a series that I’m really excited about, in part because I’ve been working to bring them to you for quite a while now. The focus of the series is a sampling of the interesting work being done over at OpenAI, the independent AI research lab founded by Elon Musk, Sam Altman and others. In this episode, I’m joined by Greg Brockman, OpenAI Co-Founder and CTO. Greg and I touch on a bunch of topics in the show. We start with the founding and goals of OpenAI, before diving into a discussion on Artificial General Intelligence, what it means to achieve it, and how we going about doing so safely and without bias. We also touch on how to massively scale neural networks and their training training and the evolution of computational frameworks for AI. This conversation is not only informative and nerd alert worthy, but we cover some very important topics, so please take it all in, enjoy, and send along your feedback! To find the notes for this show, visit twimlai.com/talk/74 For more info on this series, visit twimlai.com/openai

Explaining Black Box Predictions with Sam Ritchie - TWiML Talk #73
This week, we’ll be featuring a series of shows recorded from Strange Loop, a great developer-focused conference that takes place every year right in my backyard! The conference is a multi-disciplinary melting pot of developers and thinkers across a variety of fields, and we’re happy to be able to bring a bit of it to those of you who couldn’t make it in person! In this episode, I speak with Sam Ritchie, a software engineer at Stripe. I caught up with Sam RIGHT after his talk at the conference, where he covered his team’s work on explaining black box predictions. In our conversation, we discuss how Stripe uses black box predictions for fraud detection, and he gives a few use case scenarios. We discuss Stripe’s approach for explaining those predictions as well as other approaches, and briefly mention Carlos Guestrin’s work on LIME paper, which he and I discuss in TWiML Talk #7. The notes for this show can be found at twimlai.com/talk/73 For more series info, visit twimlai.com/STLoop

Experimental Creative Writing with the Vectorized Word - Allison Parish - TWIML Talk #72
This week, we’ll be featuring a series of shows recorded from Strange Loop, a great developer-focused conference that takes place every year right in my backyard! The conference is a multi-disciplinary melting pot of developers and thinkers across a variety of fields, and we’re happy to be able to bring a bit of it to those of you who couldn’t make it in person! In this episode, I speak with Allison Parrish, Poet and Professor at NYU in the Interactive Telecommunications dept. Allison’s work centers around generated poetry, via artificial intelligence and machine learning. She joins me prior to her conference talk on “Experimental Creative Writing with the Vectorized Word”. In our time together, we discuss some of her research into computational poetry generation, actually performing AI-produced poetry, and some of the methods and processes she uses for generating her work. Allison’s work centers around generated poetry, via artificial intelligence and machine learning. She joins me prior to her conference talk on “Experimental Creative Writing with the Vectorized Word”. In our time together, we discuss some of her research into computational poetry generation, actually performing AI-produced poetry, and some of the methods and processes she uses for generating her work. The notes for this show can be found at twimlai.com/talk/72 For more series info, visit twimlai.com/STLoop

The Biological Path Towards Strong AI - Matthew Taylor - TWiML Talk #71
This week, we’ll be featuring a series of shows recorded from Strange Loop, a great developer-focused conference that takes place every year right in my backyard! The conference is a multi-disciplinary melting pot of developers and thinkers across a variety of fields, and we’re happy to be able to bring a bit of it to those of you who couldn’t make it in person! In this episode, I speak with Matthew Taylor, Open Source Manager at Numenta. You might remember hearing a bit about Numenta from an interview I did with Francisco Weber of Cortical.io, for TWiML Talk #10, a show which remains the most popular show on the podcast. Numenta is basically trying to reverse-engineer the neocortex, and use what they learn to develop a neocortical theory for biological and machine intelligence called Hierarchical Temporal Memory. Matt joined me at the conference to discuss his talk “The Biological Path Towards Strong AI”. In our conversation, we discuss the basics of HTM, it’s biological inspiration, and how it differs from traditional neural network models including deep learning. This is a Nerd Alert show, and after you listen I would encourage you to check out the conversation with Francisco which we’ll link to in the show notes. The notes for this show can be found at twimlai.com/talk/71 For series information, visit twimlai.com/stloop

Pytorch: Fast Differentiable Dynamic Graphs in Python with Soumith Chintala - TWiML Talk #70
This week, we’ll be featuring a series of shows recorded from Strange Loop, a great developer-focused conference that takes place every year right in my backyard! The conference is a multi-disciplinary melting pot of developers and thinkers across a variety of fields, and we’re happy to be able to bring a bit of it to those of you who couldn’t make it in person! In this show I speak with Soumith Chintala, a Research Engineer in the Facebook AI Research Lab (FAIR). Soumith joined me at Strange Loop before his talk on Pytorch, the deep learning framework. In this talk we discuss the market evolution of deep learning frameworks and tools, different approaches to programming deep learning frameworks, Facebook’s motivation for investing in Pytorch, and much more. This was a fun interview, I hope you enjoy! The notes for this show can be found at twimlai.com/talk/70 For series information, visit twimlai.com/stloop

Accessible Machine Learning for the Enterprise Developer with Ryan Sevey & Jason Montgomery
This week, we’ll be featuring a series of shows recorded from Strange Loop, a great developer-focused conference that takes place every year right in my backyard! The conference is a multi-disciplinary melting pot of developers and thinkers across a variety of fields, and we’re happy to be able to bring a bit of it to those of you who couldn’t make it in person! In this show you'll hear from Nexosis founders Ryan Sevey and Jason Montgomery. Ryan, Jason and I discuss how they got their start by applying ML to identify cheaters in video games, the application of ML for time-series data analysis, and of course the Nexosis Machine Learning API. Of course, if you like what you hear, they invite you to get your free Nexosis API key and discover what they can bring to your next project at nexosis.com/twiml. The notes for this show can be found at twimlai.com/talk/69 For series information, visit twimlai.com/stloop

Bridging the Gap Between Academic and Industry Careers with Ross Fadely - TWiML Talk #68
We close out our NYU Future Labs AI Summit interview series with Ross Fadely, a New York based AI lead with Insight Data Science. Insight is an interesting company offering a free seven week post-doctoral training fellowship helping individuals to bridge the gap between academia and careers in data science, data engineering and AI. Ross joined me backstage at the Future Labs Summit after leading a Machine Learning Primer for attendees. Our conversation explores some of the knowledge gaps that Insight has identified in folks coming out of academia, and how they structure their program to address them. If you find yourself looking to make this transition, you’ll definitely want to check out this episode. The notes for this show can be found at twimlai.com/talk/68 For series information, visit twimlai.com/ainexuslab2

The Limitations of Human-in-the-Loop AI with Dennis Mortensen - TWiML Talk #67
We continue our NYU Future Labs AI Summit interview series with Dennis Mortensen, founder and CEO of X.ai, a company whose AI-based personal assistant Amy helps users with scheduling meetings. I caught up with Dennis backstage at the Future Labs event a few weeks ago, right before he went on stage to talk about “Investing in AI from the Startup POV.” Dennis gave shares some great insight into building an AI-first company, not to mention his vision for the future of scheduling, something no one actually enjoys doing, and his thoughts on the future of human-AI interaction. This was a fun interview, which I’m sure you’ll enjoy. A quick warning though… This might not be a show to listen to in the car with the kiddos, as this episode does contain a few expletives. The notes for this show can be found at twimlai.com/talk/67 For series information, visit twimlai.com/ainexuslab2

Nexus Lab Cohort 2 - Second Mind - TWiML Talk #66
The podcast you’re about to hear is the fourth of a series of shows recorded at the NYU Future Labs AI Summit last week in New York City. In this show, I speak with Kul Singh, CEO and Founder of Second Mind. Second Mind is building an integration platform for businesses that allows them to bring augmented intelligence to voice conversations. We talk to Kul about the concept behind Second Mind, and how the company combines ambient listening with a low-latency matching system to help users eliminate an estimated 2.5 hours of manual searches per day! The notes for this show can be found at twimlai.com/talk/66 For series information, visit twimlai.com/ainexuslab2

Nexus Lab Cohort 2 - Bite.ai - TWiML Talk #65
The podcast you’re about to hear is the second of a series of shows recorded at the NYU Future Labs AI Summit last week in New York City.In this episode, you’ll hear from Bite.ai, a startup founded by Vinay Anantharaman and Michal Wolski, founders who met working at Clarifai, another NYU Future Labs alumni, whose CEO Matt Zeiler I interviewed on TWiML Talk #22(Link on show notes page). Bite is using convolutional neural networks and other machine learning to help computers understand and reason about food. Their product is the app Bitesnap, which provides users with detailed nutritional information about the food they’re about to eat using just a photo and a serving size. We dive into the details of their app and service, the machine learning models and pipeline that enable it, and how they plan to compete with other apps targeting dieters, and more! The notes for this show can be found at twimlai.com/talk/65 For series information, visit twimlai.com/ainexuslab2.

Nexus Lab Cohort 2 - Bowtie - TWiML Talk #64
The podcast you’re about to hear is the second of a series of shows recorded at the NYU Future Labs AI Summit last week in New York City. In this episode, I speak with Ron Fisher and Mike Wang, who, along with Vivek Sudarsan founded Bowtie Labs, a 24/7 AI-based receptionist designed to help businesses in the beauty, wellness, and fitness industries increase retail conversion rates. I’ve talked with a few startups in the conversational space recently and one common theme seems to be quickly outgrowing commercial conversational platforms. Ron and Mike shared their own experiences with decision, and shared some of the challenges they’re trying to overcome with their ML models, as well as some of the techniques they use to make their system as responsive as possible. The notes for this show can be found at twimlai.com/talk/64 For Series information, visit twimlai.com/ainexuslab2

AI Nexus Lab Cohort 2 - Mt. Cleverest - TWiML Talk #63
The podcast you’re about to hear is the first of a series of shows recorded at the NYU Future Labs AI Summit last week in New York City. My guests this time around are James Villarrubia and Bernie Prat, CEO and COO respectively, of Mt. Cleverest, an online service for teachers and students, that can take any text via the web, and generate a quiz along with answers based on the content supplied. To do this, Bernie and James employ a pretty sophisticated natural language understanding pipeline, which we discuss in this interview. We also touch on the challenges they face in generating correct question answers, how they fine tune their ML models to improve those answers over time, and more. The notes for this show can be found at twimlai.com/talk/63 For Series information, visit twimlai.com/nexuslabs2

Learning to Learn, and other Opportunities in Machine Learning with Graham Taylor - TWiML Talk #62
The podcast you’re about to hear is the third of a series of shows recorded at the Georgian Partners Portfolio Conference last week in Toronto. My guest this time is Graham Taylor, professor of engineering at the University of Guelph, who keynoted day two of the conference. Graham leads the Machine Learning Research Group at Guelph, and is affiliated with Toronto’s recently formed Vector Institute for Artificial Intelligence. Graham and I discussed a number of the most important trends and challenges in artificial intelligence, including the move from predictive to creative systems, the rise of human-in-the-loop AI, and how modern AI is accelerating with our ability to teach computers how to learn-to-learn. The notes for this show can be found at twimlai.com/talk/62. For series info, visit twimlai.com/GPPC2017

Building Conversational Application for Financial Services with Kenneth Conroy - TWiML Talk #61
The podcast you’re about to hear is the second of a series of shows recorded at the Georgian Partners Portfolio Conference last week in Toronto. My guest for this interview is Kenneth Conroy, VP of data science at Vancouver, Canada-based Finn.ai, a company building a chatbot system for banks. Kenneth and I spoke about how Finn.AI built its core conversational platform. We spoke in depth about the requirements and challenges of conversational applications, and how and why they transitioned off of a commercial chatbot platform--in their case API.ai--and built their own custom platform based on deep learning, word2vec and other natural language understanding technologies. The notes for this show can be found at https://twimlai.com/talk/61

Fighting Fraud with Machine Learning at Shopify with Solmaz Shahalizadeh - TWiML Talk #60
The podcast you’re about to hear is the first of a series of shows recorded at the Georgian Partners Portfolio Conference last week in Toronto. My guest for this show is Solmaz Shahalizadeh, Director of Merchant Services Algorithms at Shopify. Solmaz gave a great talk at the GPPC focused on her team’s experiences applying machine learning to fight fraud and improve merchant satisfaction. Solmaz and I dig into, step-by-step, the process they used to transition from a legacy, rules-based fraud detection system system to a more scalable, flexible one based on machine learning models. We discuss the importance of well-defined project scope; tips and traps when selecting features to train your models; and the various models, transformations and pipelines the Shopify team selected; and how they use PMML to make their Python models available to their Ruby-on-Rails web application. The notes for this show can be found at twimlai.com/talk/60 For Series info, visit twimlai.com/GPPC2017

Modeling Human Drivers for Autonomous Vehicles with Katie Driggs-Campbell - TWiML Talk #59
We are back with our third show this week, episode 3 of our Autonomous Vehicles Series. My guest this time is Katie Driggs-Campbell, PostDoc in the Intelligent Systems Lab at Stanford University’s Department of Aeronautics and Astronautics. Katie joins us to discuss her research into human behavioral modeling and control systems for self-driving vehicles. Katie also gives us some insight into her process for collecting training data, how social nuances come into play for self-driving cars, and more. The notes for this show can be found at twimlai.com/talk/59 For Series info, visit twimlai.com/av2017

Perception Models for Self-Driving Cars with Jianxiong Xiao - TWiML Talk #58
We are back with our second show this week, episode 2 of our Autonomous Vehicles Series. This time around we are joined by Jianxiong Xiao of AutoX, a company building computer vision centric solutions for autonomous vehicles. Jianxiong, a PhD graduate of MIT’s CSAIL Lab, joins me to discuss the different layers of the autonomous vehicle stack and the models for machine perception currently used in self-driving cars. If you’re new to the autonomous vehicles space I’m confident you’ll learn a ton, and even if you know the space in general, you’ll get a glimpse into why Jianxiong thinks AutoX’s direct perception approach is superior to end-to-end processing or mediated perception. The notes for this show can be found at twimlai.com/talk/58 For Series info, visit twimlai.com/av2017

Training Data for Autonomous Vehicles - Daryn Nakhuda - TWiML Talk #57
The episode you are about to hear is the first of a new series of shows on Autonomous Vehicles. We all know that self-driving cars is one of the hottest topics in ML & AI, so we had to dig a little deeper into the space. To get us started on this journey, I’m excited to present this interview with Daryn Nakhuda, CEO and Co-Founder of MightyAI. Daryn and I discuss the many challenges of collecting training data for autonomous vehicles, along with some thoughts on human-powered insights and annotation, semantic segmentation, and a ton more great stuff. For the notes for this show, Visit twimlai.com/talk/57. For series info, visit twimlai.com/AV2017

Human Factors in Machine Intelligence with James Guszcza - TWiML Talk #56
As you all know, a few weeks ago, I spent some time in SF at the Artificial Intelligence Conference. I sat down with James Guszcza, US Chief Data Scientist at Deloitte Consulting to talk about human factors in machine intelligence. James was in San Francisco to give a talk at the O’Reilly AI Conference on “Why AI needs human-centered design.” We had an amazing chat, in which we explored the many reasons why the human element is so important in ML and AI, along with useful ways to build algorithms and models that reflect this human element, while avoiding out problems like group-think and bias. This was a very interesting conversation. I enjoyed it a ton, and I’m sure you will too! The notes for this episode can be found at twimlai.com/talk/56

ML Use Cases at Think Big Analytics with Mo Patel and Laura Frølich - TWiML Talk #54
The show you’re about to hear is part of a series of shows recorded in San Francisco at the Artificial Intelligence Conference. This time around, I speak with Mo Patel, practice director of AI & deep learning and Laura Frølich, data scientist, of Think Big Analytics. Mo and Laura joined me at the AI conference after their session on “Training vision models with public transportation datasets.” We talked over a bunch of use cases they’ve worked on involving image analysis and deep learning, including an assisted driving system. We also talk through a bunch of practical challenges faced when working on real machine learning problems, like feature detection, data augmentation, and training data. The notes for this show can be found at twimlai.com/talk/54

Intel Nervana Devcloud with Naveen Rao & Scott Apeland - TWiML Talk #51
In this episode, I talk to Naveen Rao, VP and GM of Intel’s AI Products Group, and Scott Apeland, director of Intel’s Developer Network. It's been a few months since we last spoke to Naveen, so he gives us a quick update on what Intel’s been up to and we discuss his perspective on some recent developments in the AI ecosystem. Scott and I dig into Intel Nervana’s new DevCloud offering, which was announced at the conference. We also discuss the Intel Nervana AI Academy, a new portal offering hands-on learning tools and other resources for various aspects of machine learning and AI. The notes for this show can be found at twimlai.com/talk/51

AI-Powered Conversational Interfaces with Paul Tepper - TWiML Talk #52
The show you’re about to hear is part of a series of shows recorded in San Francisco at the Artificial Intelligence Conference. My guest for this show is Paul Tepper, worldwide head of cognitive innovation and product manager for machine learning & AI at Nuance Communications. Paul gave a talk at the conference on critical factors in building successful AI-powered conversational interfaces. We covered a bunch of topics, like voice UI design, behavioral biometrics and a ton of other interesting things that Nuance has in the works. The notes for this show can be found at twimlai.com/talk/52

Ray: A Distributed Computing Platform for Reinforcement Learning with Ion Stoica - TWiML Talk #55
The show you’re about to hear is part of a series of shows recorded in San Francisco at the Artificial Intelligence Conference. In this episode, I talk with Ion Stoica, professor of computer science & director of the RISE Lab at UC Berkeley. Ion joined us after he gave his talk “Building reinforcement learning applications with Ray.” We dive into Ray, a new distributed computing platform for RL, as well as RL generally, along with some of the other interesting projects RISE Lab is working on, like Clipper & Tegra. This was a pretty interesting talk. Enjoy! The notes for this show can be found at twimlai.com/talk/55

Topological Data Analysis with Gunnar Carlsson - TWiML Talk #53
The show you’re about to hear is part of a series of shows recorded in San Francisco at the Artificial Intelligence Conference. My guest for this show is Gunnar Carlsson, professor emeritus of mathematics at Stanford University and president and co-founder of machine learning startup Ayasdi. Gunnar joined me after his session at the conference on “Topological data analysis as a framework for machine intelligence.” In our talk, we take a super deep dive on the mathematical underpinnings of TDA and its practical application through software. Nerd Alert! The notes for this show can be found at twimlai.com/talk/53

Bayesian Optimization for Hyperparameter Tuning with Scott Clark - TWiML Talk #50
As you all know, a few weeks ago, I spent some time in SF at the Artificial Intelligence Conference. While I was there, I had just enough time to sneak away and catch up with Scott Clark, Co-Founder and CEO of Sigopt, a company whose software is focused on automatically tuning your model’s parameters through Bayesian optimization. We dive pretty deeply into that process through the course of this discussion, while hitting on topics like Exploration vs Exploitation, Bayesian Regression, Heterogeneous Configuration Models and Covariance Kernels. I had a great time and learned a ton, but be forewarned, this is most definitely a Nerd Alert show! Notes for this show can be found at twimlai.com/talk/50

Symbolic and Sub-Symbolic Natural Language Processing with Jonathan Mugan - TWiML Talk #49
Like last week’s interview with Bruno Goncalves, this week’s interview was also recorded at the last O’Reilly AI Conference back in New York in June. Also like last week’s show, this week’s is also focused on Natural Language Processing and I think you’ll enjoy it. I’m joined by Jonathan Mugan, co-founder and CEO of Deep Grammar, a company that is building a grammar checker using deep learning and what they call deep symbolic processing. This interview is a great complement to my conversation with Bruno, and we cover a variety of topics from both the sub-symbolic and symbolic schools of NLP, such as attention mechanisms like sequence to sequence, and ontological approaches like WordNet, synsets, FrameNet, and SUMO. You can find the notes for this show at twimlai.com/talk/49

Word2Vec & Friends with Bruno Gonçalves - TWiML Talk #48
This week i'm bringing you an interview from Bruno Goncalves, a Moore-Sloan Data Science Fellow at NYU. As you’ll hear in the interview, Bruno is a longtime listener of the podcast. We were able to connect at the NY AI conference back in June after I noted on a previous show that I was interested in learning more about word2vec. Bruno graciously agreed to come on the show and walk us through an overview of word embeddings, word2vec and related ideas. He provides a great overview of not only word2vec, related NLP concepts such as Skip Gram, Continuous Bag of Words, Node2Vec and TFIDF. Notes for this show can be found at twimlai.com/talk/48.

Evolutionary Algorithms in Machine Learning with Risto Miikkulainen - TWiML Talk #47
My guest this week is Risto Miikkulainen, professor of computer science at UT-Austin and vice president of Research at Sentient Technologies. Risto came locked and loaded to discuss a topic that we've received a ton of requests for -- evolutionary algorithms. During our talk we discuss some of the things Sentient is working on in the financial services and retail fields, and we dig into the technology behind it, evolutionary algorithms, which is also the focus of Risto’s research at UT. I really enjoyed this interview and learned a ton, and I’m sure you will too! Notes for this show can be found at twimlai.com/talk/47.

Agile Machine Learning with Jennifer Prendki - TWiML Talk #46
My guest this week is Jennifer Prendki. That name might sound familiar, as she was one of the great speakers from my Future of Data Summit back in May. At the time, Jennifer was senior data science manager and principal data scientist at Walmart Labs, but she's since moved on to become head of data science at Atlassian. Back at the summit, Jennifer gave an awesome talk on what she calls Data Mixology, the slides for which you can find on the show notes page. My conversation with Jennifer begins with a recap of that talk. After that, we shift our focus to some of the practices she helped develop and implement at Walmart around the measurement and management of machine learning models in production, and more generally, building agile processes and teams for machine learning. The notes for this show can be found at twimlai.com/talk/46

LSTMs, Plus a Deep Learning History Lesson with Jürgen Schmidhuber - TWiML Talk #44
This week we have a very special interview to share with you! Those of you who’ve been receiving my newsletter for a while might remember that while in Switzerland last month, I had the pleasure of interviewing Jurgen Schmidhuber, in his lab IDSIA, which is the Dalle Molle Institute for Artificial Intelligence Research in Lugano, Switzerland, where he serves as Scientific Director. In addition to his role at IDSIA, Jurgen is also Co-Founder and Chief Scientist of NNaisense, a company that is using AI to build large-scale neural network solutions for “superhuman perception and intelligent automation.” Jurgen is an interesting, accomplished and in some circles controversial figure in the AI community and we covered a lot of very interesting ground in our discussion, so much so that I couldn't truly unpack it all until I had a chance to sit with it after the fact. We talked a bunch about his work on neural networks, especially LSTM’s, or Long Short-Term Memory networks, which are a key innovation behind many of the advances we’ve seen in deep learning and its application over the past few years. Along the way, Jurgen walks us through a deep learning history lesson that spans 50+ years. It was like walking back in time with the 3 eyed raven. I know you’re really going to enjoy this one, and by the way, this is definitely a nerd alert show! For the show notes, visit twimlai.com/talk/44

Machine Teaching for Better Machine Learning with Mark Hammond - TWiML Talk #43
Today’s show, which concludes the first season of the Industrial AI Series, features my interview with Bonsai co-founder and CEO Mark Hammond. I sat down with Mark at Bonsai HQ a few weeks ago and we had a great discussion while I was there. We touched on a ton of subjects throughout this talk, including his starting point in Artificial intelligence, how Bonsai came about & more. Mark also describes the role of what he calls “machine teaching” in delivering practical machine learning solutions, particularly for enterprise or industrial AI use cases. This was one of my favorite conversations, I know you’ll enjoy it! The notes for this show can be found at twimlai.com/talk/43

Marrying Physics-Based and Data-Driven ML Models with Josh Bloom - TWiML Talk #42
Recently I had a chance to catch up with a friend and friend of the show, Josh Bloom, vice president of data & analytics at GE Digital. If you’ve been listening for a while, you already know that Josh was on the show around this time last year, just prior to the acquisition of his company Wise.io by GE Digital. It was great to catch up with Josh on his journey within GE, and the work his team is doing around Industrial AI, now that they’re part of the one of the world’s biggest industrial companies. We talk about some really interesting things in this show, including how his team is using autoencoders to create training datasets, and how they incorporate knowledge of physics and physical systems into their machine learning models. The notes for this show can be found at twimlai.com/talk/42.

Cognitive Biases in Data Science with Drew Conway - TWiML Talk #39
This show features my interview with Drew Conway, whose Wrangle keynote could have been called “Confessions of a CIA Data Scientist.” The focus of our interview, and of Drew’s presentation, is an interesting set of observations he makes about the role of cognitive biases in data science. If your work involves making decisions or influencing behavior based on data-driven analysis--and it probably does or will--you’re going to want to hear what he has to say. A quick note before we dive in: As is the case with my other field recordings, there’s a bit of unavoidable background noise in this interview. Sorry about that! The show notes for this episode can be found at https://twimlai.com/talk/39

Data Pipelines at Zymergen with Airflow with Erin Shellman - TWiML Talk #41
The show you’re listening to features my interview with Erin Shellman. Erin is a statistician and data science manager with Zymergen, a company using robots and machine learning to engineer better microbes. If you’re wondering what exactly that means, I was too, and we talk about it in the interview. Our conversation focuses on Zymergen’s use of Apache Airflow, an open-source data management platform originating at Airbnb, that Erin and her team uses to create reliable, repeatable data pipelines for its machine learning applications. A quick note before we dive in: As is the case with my other field recordings, there’s a bit of unavoidable background noise in this interview. Sorry about that! The show notes for this episode can be found at https://twimlai.com/talk/41

Web Scale Engineering for Machine Learning with Sharath Rao - TWiML Talk #40
The show you’re about to listen to features my interview with Sharath Rao, Tech Lead Manager & Machine Learning Engineer at Instacart I reached out to Sharath about being on the show and was blown away when he replied that not only had he heard about the show, but that he was a fan and an avid listener. My conversation with him digs into some of the practical lessons and patterns he’s learned by building production-ready, web-scale data products based on machine learning models, including the search and recommendation systems at Instacart. We also spend a few minutes discussing our upcoming TWiML Paper Reading Meetup! A quick note before we dive in: As is the case with my other field recordings, there’s a bit of unavoidable background noise in this interview. Sorry about that! The show notes for this episode can be found at https://twimlai.com/talk/40.

Deep Learning for Warehouse Operations with Calvin Seward - TWiML Talk #38
This week, I’m happy to bring you my interview with Calvin Seward, a research scientist with Berlin, Germany based Zalando. While our American listeners might not know the name Zalando, they’re one of the largest e-commerce companies in Europe with a focus on fashion and shoes. Calvin is a research scientist there, while also pursuing his doctorate studies at Johannes Kepler University in Linz, Austria. Our discussion, which continues our Industrial AI series, focuses on how Calvin’s team tackled an interesting warehouse optimization problem using deep learning. Calvin also gives his thoughts on the distinction between AI and ML, and the four P’s that he focuses on: Prestige, Products, Paper, and Patents. The notes for this show can be found at https://twimlai.com/talk/38.

Deep Robotic Learning with Sergey Levine - TWiML Talk #37
This week we continue our Industrial AI series with Sergey Levine, an Assistant Professor at UC Berkeley whose research focus is Deep Robotic Learning. Sergey is part of the same research team as a couple of our previous guests in this series, Chelsea Finn and Pieter Abbeel, and if the response we’ve seen to those shows is any indication, you’re going to love this episode! Sergey’s research interests, and our discussion, focus in on include how robotic learning techniques can be used to allow machines to acquire autonomously acquire complex behavioral skills. We really dig into some of the details of how this is done and I found that our conversation filled in a lot of gaps for me from the interviews with Pieter and Chelsea. By the way, this is definitely a nerd alert episode! Notes for this show can be found at twimlai.com/talk/37

Smart Buildings & IoT with Yodit Stanton - TWiML Talk #36
After a brief hiatus, the Industrial AI Series is making its triumphant return! Our guest this week is Yodit Stanton, a self-described Data Nerd, and the Founder & CEO of Opensensors.io. OpenSensors.io is a real-time data exchange for IoT, that enables anyone to publish and subscribe to real time open data in order to build higher order smart systems and better understand the world around them. Our discussion focuses on Smart Buildings and how they’re enabled by IoT and machine learning techniques. The notes for this show can be found at twimlai.com/talk/36

Video Object Detection At Scale with Reza Zadeh - TWiML Talk #34
My guest for the fourth show in the O'Reilly AI Series is Reza Zadeh. Reza is an adjunct professor of computational mathematics at Stanford University and founder and CEO of the startup Matroid. Reza has a background in machine translation and distributed machine learning, along with having helped build Apache Spark, and the"Who to Follow" feature on Twitter, which is based on a chapter from his PhD thesis. Our conversation focused on some of the challenges and approaches to scaling deep learning, both in general and in the context of his company’s video object detection service. Our conversation focused on some of the challenges and approaches to scaling deep learning, both in general and in the context of his company’s video object detection service. We also spoke about the advancement of computer vision technologies, using CPU's, GPU's, the upcoming shift to TPU's and we get below the surface on Apache Spark.

Expressive AI - Generated Music With Google's Performance RNN - Doug Eck - TWiML Talk #32
My guest for this second show in our O’Reilly AI series is Doug Eck of Google Brain. Doug did a keynote at the O’Reilly conference on Magenta, Google’s project for melding machine learning and the arts. Magenta’s goal is to produce open-source tools and models that help people in their personal creative processes. Doug’s research starts with using so-called “generative” machine learning models to create engaging media. Additionally, he is working on how to bring other aspects of the creative process into play. We talk about the newly announced Performance RNN project, which uses neural networks to create expressive, AI-generated music. We also touch on QuickDraw, a project by Google AI Experiments, in which users as Doug describes it, “play Pictionary” with a visual classifier. We dig into what he foresees as possibilities for Magenta, machine learning models eventually developing storylines, generative models for media and creative coding. The notes for this episode can be found at https://twimlai.com/talk/32.

Enhancing Customer Experiences With Emotional AI with Rana El Kaliouby - TWiML Talk #35
My guest for this show is Rana el Kaliouby. Rana is co-founder and CEO of Affectiva. Affectiva, as Rana puts it, "is on a mission to humanize technology by bringing in artificial emotional intelligence". If you liked my conversation about Emotional AI with Pascale Fung from last year’s O’Reilly AI conference, you’re going to love this one. My conversation with Rana kind of picks up where the previous one left off, with a focus on how her company is bringing Artificial Emotional Intelligence services to market. Rana and her team have developed a machine learning / computer vision platform that can use the camera on any device to read your facial expressions in real time, then maps it to an emotional state. Using data science to mine the world’s largest emotion repository, Affectiva has collected over 5.5 million pieces of emotional expression data to date, from laptop, driving, cellular interactions. Understanding the importance of personal privacy, Rana and her Co-Founder Rosalind Wright Picard have vowed to shy away from partnerships that would subject consumers to unknowing surveillance, a commendable effort. The notes for this show can be found at https://twimlai.com/talk/35

The Power Of Probabilistic Programming with Ben Vigoda - TWiML Talk #33
My guest for this third episode in the O'Reilly AI series is Ben Vigoda. Ben is the founder and CEO of Gamalon, a DARPA-funded startup working on Bayesian Program Synthesis. We dive into what exactly this means and how it enables what Ben calls idea learning in the show. Gamalon's first application structures unstructured data — input a paragraph or phrase of unstructured text and output a structured spreadsheet/database row or API call. This can be applicable to a wide range of data challenges, including enterprise product and customer information, AI or digital assistant, and many others. Before Gamalon, Ben was co-founder and CEO of Lyric Semiconductor, Inc., which created the first microprocessor architectures dedicated for statistical machine learning. The company was based on his PhD thesis at MIT and acquired by Analog Devices. In today’s talk we are discussing probabilistic programming, his new approach to deep learning, posterior distribution, and the difference between sampling methods and variational methods and how solvers work in the system. Nerd alert: We go pretty deep in this discussion. The notes for this show can be found at https://twimlai.com/talk/33

Intel Nervana Update + Productizing AI Research with Naveen Rao And Hanlin Tang - TWiML Talk #31
I talked about Intel’s acquisition of Nervana Systems on the podcast when it happened almost a year ago, so I was super excited to have an opportunity to sit down with Nervana co-founder Naveen Rao, who now leads Intel’s newly formed AI Products Group, for the first show in our O'Reilly AI series. We talked about how Intel plans to extend its leadership position in general purpose compute into the AI realm by delivering silicon designed specifically for AI, end-to-end solutions including the cloud, enterprise data center, and the edge; and tools that let customers quickly productize and scale AI-based solutions. I also spoke with Hanlin Tang, an algorithms engineer at Intel’s AIPG, about two tools announced at the conference: version 2.0 of Intel Nervana’s deep learning framework Neon and Nervana Graph, a new toolset for expressing and running deep learning applications as framework and hardware-independent computational graphs. Nervana Graph in particular sounds like a very interesting project, not to mention a smart move for Intel, and I’d encourage folks to take a look at their Github repo. The show notes for this page can be found at https://twimlai.com/talk/31

Natural Language Understanding for Amazon Alexa with Zornitsa Kozareva - TWiML Talk #30
Our guest this week is Zornitsa Kozareva, Manager of Machine Learning with Amazon Web Services Deep Learning, where she leads a group focused on natural language processing and dialogue systems for products like Alexa and Lex, the latter of which we introduce in the podcast. We spend most of our time talking through the architecture of modern Natural Language Understanding systems, including the role of deep learning, and some of the various ways folks are working to overcome the challenges in this field, such as understanding human intent. If you’re interested in this field she mentions the AWS Chatbot Challenge, which you’ve still got a couple more weeks to participate in. The notes for this show can be found at twimlai.com/talk/30.

Robotic Perception and Control with Chelsea Finn - TWiML Talk #29
This week we continue our series on industrial applications of machine learning and AI with a conversation with Chelsea Finn, a PhD student at UC Berkeley. Chelsea’s research is focused on machine learning for robotic perception and control. Despite being early in her career, Chelsea is an accomplished researcher with more than 14 published papers in the past 2 years, on subjects like Deep Visual Foresight , Model-Agnostic Meta-Learning and Visuomotor Learning to name a few, all of which we discuss in the show, along with topics like zero-shot, one-shot and few-shot learning. I’d also like to give a shout out to Shreyas, a listener who wrote in to request that we interview a current PhD student about their journey and experiences. Chelsea and I spend some time at the end of the interview talking about this, and she has some great advice for current and prospective PhD students but also independent learners in the field. During this part of the discussion I wonder out loud if any listeners would be interested in forming a virtual paper reading club of some sort. I’m not sure yet exactly what this would look like, but please drop a comment in the show notes if you’re interested. I'm going to once again deploy the Nerd Alert for this episode; Chelsea and I really dig deep into these learning methods and techniques, and this conversation gets pretty technical at times, to the point that I had a tough time keeping up myself. The notes for this page can be found at twimlai.com/talk/29

Reinforcement Learning Deep Dive with Pieter Abbeel - TWiML Talk #28
This week our guest is Pieter Abbeel, Assistant Professor at UC Berkeley, Research Scientist at OpenAI, and Cofounder of Gradescope. Pieter has an extensive background in AI research, going way back to his days as Andrew Ng’s first PhD student at Stanford. His research today is focused on deep learning for robotics. During this conversation, Pieter and I really dig into reinforcement learning, a technique for allowing robots (or AIs) to learn through their own trial and error. Nerd alert!! This conversation explores cutting edge research with one of the leading researchers in the field and, as a result, it gets pretty technical at times. I try to uplevel it when I can keep up myself, so hang in there. I promise that you’ll learn a ton if you keep with it. The notes for this show can be found at twimlai.com/talk/28

Intelligent Autonomous Robots with Ilia Baranov - TWiML Talk #27
Our first guest in the Industrial AI series is Ilia Baranov, engineering manager at Clearpath Robotics. Ilia is responsible for setting the engineering direction for all of Clearpath’s research platforms. Ilia likes to describe his role at the company as “both enabling and preventing the robot revolution.” He’s a longtime contributor to the Open Source Robotics Community and ROS, an open source robotic operating system. He is the also the managing engineer of the PR2 support team at Clearpath and leads the technical demonstration group. In our conversation we cover a lot of ground, including what it really means to field autonomous robots, the use of autonomous robots in research and industrial environments, the different approaches and challenges to achieving autonomy, and much more! The notes for this show are available at twimlai.com/talk/27, and for more information on the Industrial AI Series, visit twimlai.com/IndustrialAI.

Global AI Trends with Ben Lorica - TWiML Talk #26
This week I’ve invited my friend Ben Lorica onto the show. Ben is Chief Data Scientist for O’Reilly Media, and Program Director of Strata Data & the O'Reilly A.I. conference. Ben has worked on analytics and machine learning in the finance and retail industries, and serves as an advisor for nearly a dozen startups. In his role at O’Reilly he’s responsible for the content for 7 major conferences around the world each year. In the show we discuss all of that, touching on how publishers can take advantage of machine learning and data mining, how the role of “data scientist” is evolving and the emergence of the machine learning engineer, and a few of the hot technologies, trends and companies that he’s seeing arise around the world. The notes for this show can be found at twimlai.com/talk/26

Offensive vs Defensive Data Science with Deep Varma - TWiML Talk #25
This week on the show my guest is Deep Varma, Vice President of Data Engineering at real estate startup Trulia. Deep has run data engineering teams in silicon valley for well over a decade, and is now responsible for the engineering efforts supporting Trulia’s Big Data Technology Platform, which encompasses everything from Data acquisition & management to Data Science & Algorithms. In the show we discuss all of that, with an emphasis on Trulia’s data engineering pipeline and their personalization platform, as well how they use computer vision, deep learning and natural language generation to deliver their product. Along the way, Deep offers great insights into what he calls offensive vs defensive data science, and the difference between data-driven decision making vs products. Another great interview, and i'm sure you’ll enjoy it. The notes for this show can be found at twimlai.com/talk/25 Subscribe! iTunes ➙ https://itunes.apple.com/us/podcast/this-week-in-machine-learning/id1116303051?mt=2 Soundcloud ➙ https://soundcloud.com/twiml Google Play ➙ http://bit.ly/2lrWlJZ Stitcher ➙ http://www.stitcher.com/s?fid=92079&refid=stpr RSS ➙ https://twimlai.com/feed Lets Connect! Twimlai.com ➙ https://twimlai.com/contact Twitter ➙ https://twitter.com/twimlai Facebook ➙ https://Facebook.com/Twimlai Medium ➙ https://medium.com/this-week-in-machine-learning-ai

Reinforcement Learning: The Next Frontier of Gaming with Danny Lange - TWiML Talk #24
My guest on the show this week is Danny Lange, VP for Machine Learning & AI at video game technology developer Unity Technologies. Danny is well traveled in the world of ML and AI, and has had a hand in developing machine learning platforms at companies like Uber, Amazon and Microsoft. In this conversation we cover a bunch of topics, including How ML & AI are being used in gaming, the importance of reinforcement learning in the future of game development, the intersection between AI and AR/VR and the next steps in natural character interaction. The notes for this show can be found at twimlai.com/talk/24

Integrating Psycholinguistics into AI with Dominique Simmons - TWiML Talk #23
I think you’re really going to enjoy today’s show. Our guest this week is Dominique Simmons, Applied research Scientist at AI tools vendor Dimensional Mechanics. Dominique brings an interesting background in Cognitive Psychology and psycholinguistics to her work and research in AI and, well, to this podcast. In our conversation, we cover the implications of cognitive psychology for neural networks and AI systems, and in particular how an understanding of human cognition impacts the development of AI models for media applications. We also discuss her research into multimodal training of AI models, and how our understanding of the human brain has influenced this work. We also explore the debate around the biological plausibility of machine learning and AI models. It was a great conversation. The show notes can be found at twimlai.com/talk/23.

Deep Neural Nets for Visual Recognition with Matt Zeiler - TWiML Talk #22
Today we bring you our final interview from backstage at the NYU FutureLabs AI Summit. Our guest this week is Matt Zeiler. Matt graduated from the University of Toronto where he worked with deep learning researcher Geoffrey Hinton and went on to earn his PhD in machine learning at NYU, home of Yann Lecun. In 2013 Matt’s founded Clarifai, a startup whose cloud-based visual recognition system gives developers a way to integrate visual identification into their own products, and whose initial image classification algorithm achieved top 5 results in that year’s ImageNet competition. I caught up with Matt after his talk “From Research to the Real World”. Our conversation focused on the birth and growth of Clarifai, as well as the underlying deep neural network architectures that enable it. If you’ve been listening to the show for a while, you’ve heard me ask several guests how they go about evolving the architectures of their deep neural networks to enhance performance. Well, in this podcast Matt gives the most satisfying answer I’ve received to date by far. Check it out. I think you’ll enjoy it. The show notes can be found at twimlai.com/talk/22.

Engineering the Future of AI with Ruchir Puri - TWiML Talk #21
Today we bring you the second of three interviews we did backstage from the NYU FutureLabs AI Summit, this time with Ruchir Puri. Ruchir is the Chief Architect at IBM Watson as well as an IBM Fellow. I caught up with Ruchir after his talk on “engineering the Future of AI for Businesses”. Our conversation focused on cognition and reasoning, and we explored what these concepts represent, how enterprises really want to consume them, and how IBM Watson seeks to deliver them. The show notes can be found at twimlai.com/talk/21.

Selling AI to the Enterprise with Kathryn Hume - TWiML Talk #20
This week's guest is Kathryn Hume. Kathryn is the President of Fast Forward Labs, which is an independent machine intelligence research company that helps organizations accelerate their data science and machine intelligence capabilities. If Fast Forward Labs sounds familiar, that's because we had their founder, Hilary Mason on a few months ago. We’ll link to that in the show notes. My discussion with Kathryn focused on AI adoption within the enterprise. She shared several really interesting examples of the kinds of things she’s seeing enterprises do with machine learning and AI, and we discussed a few of the various challenges enterprises face and some of the lessons her company has learned in helping them. I really enjoyed our conversation and I know you will too! You can find the notes for todays show here: https://twimlai.com/talk/20

From Particle Physics to Audio AI with Scott Stephenson - TWiML Talk #19
This week my guest is Scott Stephenson. Scott is co-Founder & CEO of Deepgram, which has developed an AI-based platform for indexing and searching audio and video. Scott and I cover a ton of interesting topics including applying machine learning techniques to particle physics, his time in a lab 2 miles below the surface of the earth, applying neural networks to audio, and the Deep Learning Framework Kur that his company open-sourced. The show notes can be found at twimlai.com/talk/19.

(5/5) AlphaVertex - Creating a Worldwide Financial Knowledge Graph - TWiML Talk #18
This week I'm on location at NYU/ffVC AI NexusLab startup accelerator, speaking with founders from the 5 companies in the program's inaugural batch. This interview is with AlphaVertex, a FinTech startup creating a worldwide financial knowledge graph to help investors predict stock prices. The notes for this series can be found at twimlai.com/nexuslab. Thanks to Future Labs at NYU Tandon and ffVenture Capital for sponsoring the series!

(4/5) Behold.ai - Increasing Efficiency of Healthcare Insurance Billing with NLP - TWiML Talk #18
This week I'm on location at NYU/ffVC AI NexusLab startup accelerator, speaking with founders from the 5 companies in the program's inaugural batch. This interview is with Behold.ai, which uses computer vision and natural language processing techniques to bring efficiencies to the world of healthcare insurance billing. The notes for this series can be found at twimlai.com/nexuslab. Thanks to Future Labs at NYU Tandon and ffVenture Capital for sponsoring the series!

(3/5) Cambrian Intelligence - Using AI to Simplify the Programming of Robots - TWiML Talk #18
This week I'm on location at NYU/ffVC AI NexusLab startup accelerator, speaking with founders from the 5 companies in the program's inaugural batch. This interview is with Cambrian Intelligence, a company using AI to simplify the programming of industrial robots for the automotive industry. The notes for this series can be found at twimlai.com/nexuslab. Thanks to Future Labs at NYU Tandon and ffVenture Capital for sponsoring the series!

(2/5) Klustera - Location-Based Intelligence for Smarter Marketing - TWiML Talk #18
This week I'm on location at NYU/ffVC AI NexusLab startup accelerator, speaking with founders from the 5 companies in the program's inaugural batch. This interview is with Klustera, a company applying location-based intelligence and machine learning to help brands execute smarter marketing campaigns. The notes for this series can be found at twimlai.com/nexuslab. Thanks to Future Labs at NYU Tandon and ffVenture Capital for sponsoring the series!

(1/5) HelloVera - AI-Powered Customer Support - TWiML Talk #18
This week I'm on location at NYU/ffVC AI NexusLab startup accelerator, speaking with founders from the 5 companies in the program's inaugural batch. This interview is with HelloVera, a company applying artificial intelligence to the challenge of automating customer support experiences. The notes for this series can be found at https://twimlai.com/nexuslab. Thanks to Future Labs at NYU Tandon and ffVenture Capital for sponsoring the series!

Interactive Machine Learning Systems with Alekh Agarwal - TWiML Talk #17
This week my guest is Alekh Agarwal. Alekh is a researcher with Microsoft Research whose research is focused on Interactive Machine Learning. In our discussion, Alekh and I discuss various aspects of this exciting area of research such as active learning, reinforcement learning, contextual bandits and more.

Machine Learning in Cybersecurity with Evan Wright - TWiML Talk #16
This week my guest is Evan Wright, principal data scientist at cybersecurity startup Anomali. In my interview with Evan, he and I discussed about a number of topics surrounding the use of machine learning in cybersecurity. If Evan’s name sounds familiar, it’s because Evan was the winner of the O’Reilly Strata+Hadoop World ticket giveaway earlier this month. We met up at the conference last week and took advantage of the opportunity to record this show. Our conversation covers, among other topics, the three big problems in cybersecurity that ML can help out with, the challenges of acquiring ground truth in cybersecurity and some ways to accomplish it, and the use of decision trees, generative adversarial networks, and other algorithms in the field. The show notes can be found at twimlai.com/talk/16.

Domain Knowledge in Machine Learning Models for Sustainability with Stefano Ermon - TWiML Talk #15
My guest this week is Stefano Ermon, Assistant Professor of Computer Science at Stanford University, and Fellow at Stanford’s Woods Institute for the Environment. Stefano and I met at the Re-Work Deep Learning Summit earlier this year, where he gave a presentation on Machine Learning for Sustainability. Stefano and I spoke about a wide range of topics, including the relationship between fundamental and applied machine learning research, incorporating domain knowledge in machine learning models, dimensionality reduction, and his interest in applying ML & AI to addressing sustainability issues such as poverty, food security and the environment. The show notes can be found at twimlai.com/talk/15.

Scaling Deep Learning: Systems Challenges & More with Shubho Sengupta — TWiML Talk #14
This week my guest is Shubho Sengupta, Research Scientist at Baidu. I had the pleasure of meeting Shubho at the Rework Deep Learning Summit earlier this year, where he delivered a presentation on Systems Challenges for Deep Learning. We dig into this topic in the interview, and discuss a variety of issues including network architecture, productionalization, operationalization and hardware. The show notes can be found at twimlai.com/talk/14.

Understanding Deep Neural Nets with Dr. James McCaffrey - TWiML Talk #13
My guest this week is Dr. James McCaffrey, research engineer at Microsoft Research. James and I cover a ton of ground in this conversation, including recurrent neural nets (RNNs), convolutional neural nets (CNNs), long short term memory (LSTM) networks, residual networks (ResNets), generative adversarial networks (GANs), and more. We also discuss neural network architecture and promising alternative approaches such as symbolic computation and particle swarm optimization. The show notes can be found at twimlai.com/talk/13.

Brendan Frey - Reprogramming the Human Genome with AI - TWiML Talk #12
My guest this week is Brendan Frey, Professor of Engineering and Medicine at the University of Toronto and Co-Founder and CEO of the startup Deep Genomics. Brendan and I met at the Re-Work Deep Learning Summit in San Francisco last month, where he delivered a great presentation called “Reprogramming the Human Genome: Why AI is Needed.” In this podcast we discuss the application of AI to healthcare. In particular, we dig into how Brendan’s research lab and company are applying machine learning and deep learning to treating and preventing human genetic disorders. The show notes can be found at twimlai.com/talk/12

Hilary Mason - Building AI Products - TWiML Talk #11
My guest this time is Hilary Mason. Hilary was one of the first “famous” data scientists. I remember hearing her speak back in 2011 at the Strange Loop conference in St. Louis. At the time she was Chief Scientist for bit.ly. Nowadays she’s running Fast Forward Labs, which helps organizations accelerate their data science and machine intelligence capabilities through a variety of research and consulting offerings. Hilary presented at the O'Reilly AI conference on “practical AI product development” and she shares a lot of wisdom on that topic in our discussion. The show notes can be found at twimlai.com/talk/11.

Francisco Webber - Statistics vs Semantics for Natural Language Processing - TWiML Talk #10
My guest this time is Francisco Webber, founder and General Manager of artificial intelligence startup Cortical.io. Francisco presented at the O’Reilly AI conference on an approach to natural language understanding based on semantic representations of speech. His talk was called “AI is not a matter of strength but of intelligence.” My conversation with Francisco was a bit technical and abstract, but also super interesting. The show notes can be found at twimlai.com/talk/10.

Pascale Fung - Emotional AI: Teaching Computers Empathy - TWiML Talk #9
My guest this time is Pascale Fung, professor of electrical & computer engineering at Hong Kong University of Science and Technology. Pascale delivered a presentation at the recent O'Reilly AI conference titled "How to make robots empathetic to human feelings in real time," and I caught up with her after her talk to discuss teaching computers to understand and respond to human emotions. We also spend some time talking about the (information) theoretical foundations of modern approaches to speech understanding. The notes for this show can be found at twimlai.com/talk/9.

Diogo Almeida - Deep Learning: Modular in Theory, Inflexible in Practice - TWiML Talk #8
My guest this time is Diogo Almeida, senior data scientist at healthcare startup Enlitic. Diogo and I met at the O'Reilly AI conference, where he delivered a great presentation on in-the-trenches deep learning titled “Deep Learning: Modular in theory, inflexible in practice,” which we discuss in this interview. Diogo is also a past 1st place Kaggle competition winner, and we spend some time discussing the competition he competed in and the approach he took as well. The notes for this show can be found at twimlai.com/talk/8.

Carlos Guestrin - Explaining the Predictions of Machine Learning Models - TWiML Talk #7
My guest this time is Carlos Guestrin, the Amazon professor of Machine Learning at the University of Washington. Carlos and I recorded this podcast at a conference, shortly after Apple's acquisition of his company Turi. Our focus for this podcast is the explainability of machine learning algorithms. In particular, we discuss some interesting new research published by his team at U of W. The notes for this show can be found at twimlai.com/talk/7.

Angie Hugeback - Generating Training Data for Your ML Models - TWiML Talk #6
My guest this time is Angie Hugeback, who is principal data scientist at Spare5. Spare5 helps customers generate the high-quality labeled training datasets that are so crucial to developing accurate machine learning models. In this show, Angie and I cover a ton of the real-world practicalities of generating training datasets. We talk through the challenges faced by folks that need to label training data, and how to develop a cohesive system for achieving performing the various labeling tasks you’re likely to encounter. We discuss some of the ways that bias can creep into your training data and how to avoid that. And we explore the some of the popular 3rd party options that companies look at for scaling training data production, and how they differ. Spare5 has graciously sponsored this episode; you can learn more about them at spare5.com. The notes for this show can be found at twimlai.com/talk/6.

Joshua Bloom - Machine Learning for the Stars & Productizing AI - TWiML Talk #5
My guest this time is Joshua Bloom. Josh is professor of astronomy at the University of California, Berkeley and co-founder and Chief Technology Officer of machine learning startup Wise.io. In this wide-ranging interview you’ll learn how Josh and his research group at Berkeley pioneered the use of machine learning for the analysis of images from robotic infrared telescopes. We discuss the founding of his company, Wise.io, which uses machine learning to help customers deliver better customer support. That wasn’t where the company started though, and you’ll hear why and how they evolved to serve this market. We talk about his company’s technology stack and data science pipeline in fair detail, and discuss some of the key technology decisions they’ve made in building their product. We also discuss some interesting open research challenges in machine learning and AI. The notes for this show can be found at twimlai.com/talk/5.

Charles Isbell - Interactive AI, Plus Improving ML Education - TWiML Talk #4
My guest this time is Charles Isbell, Jr., Professor and Senior Associate Dean in the College of Computing at Georgia Institute of Technology. Charles and I go back a bit… in fact he’s the first AI researcher I ever met. His research focus is what he calls “interactive artificial intelligence,” a discipline of AI focused specifically on the interactions between AIs and humans. We explore what this means and some of the interesting research results in this field. One part of this discussion I found particularly interesting was the intersection between his AI research and marketing and behavioral economics. Beyond his research, Charles is well known in the ML and AI worlds for his popular Machine Learning course sequence on Udacity, which he teaches with Brown University professor Michael Littman, and for the Online Master’s of Science in Computer Science program that he helped launch at Georgia Tech. We also spend quite a bit of time talking about what’s really missing in machine learning education and how to make it more accessible. The notes for this show can be found at twimlai.com/talk/4.

Xavier Amatriain - Engineering Practical Machine Learning Systems - TWiML Talk #3
My guest this time is Xavier Amatriain. Xavier is a former researcher who went on to lead the machine learning recommendations team at Netflix, and is now the vice president of engineering at Quora, the Q&A site. We spend quite a bit of time digging into each of these experiences in the interview. Here are just a few of the things we cover in our discussion: Why Netflix invested $1 million in the Netflix Prize, but didn’t use the winning solution; What goes into engineering practical machine learning systems; The problem Xavier has with the deep learning hype; And, what the heck is a multi-arm bandit and how can it help us. The notes for this show can be found at https://twimlai.com/talk/3.

Siraj Raval - How to Build Confidence as an ML Developer - TWiML Talk #2
Siraj Raval is a machine learning hacker and teacher whose machine learning for hackers and fresh machine learning youtube series are fun, informative, high energy and practical ways to learn about a ton of machine learning and AI topics. I had a chance to catch up with Siraj in San Francisco recently, and we had a great discussion. Siraj has great advice on how to learn machine learning and build confidence as a machine learning developer, how to research and formulate projects, who to follow on Machine Learning twitter, and much more. The notes for this show can be found at https://twimlai.com/talk/2

This Week in ML & AI – 8/12/16: Another huge machine learning acquisition + AI in the Olympics
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week we discuss Intel’s latest deep learning acquisition, AI in the Olympics, and how you can win a free ticket to the O’Reilly AI Conference in New York City. Plus a bunch more on This Week in Machine Learning & AI. The notes for this show can be found at twimlai.com/13.

This Week in ML & AI – 8/5/16: Apple Acquires Turi, the DARPA Hacker-Bot Challenge and More
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week we look at Apple’s acquisition of machine learning startup Turi, DARPA’s autonomous hacker-bot challenge, and Comma.ai’s autonomous driving dataset. Plus, of course, tons more. Show notes for this episode can be found at twimlai.com/12.

Clare Corthell - Open Source Data Science Masters, Hybrid AI, Algorithmic Ethics - TWiML Talk #1
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. We try something new this week with an interview of Clare Corthell, Founding Partner of Luminant Data, recorded live at the Wrangle Conference. We cover her background and what she’s been up to lately, the Open Source Data Science Masters project that she created, getting beyond the beginner’s plateau in machine learning and data science, hybrid AI, the top 3 lessons from her time as a consulting data scientist, and, a recurring topic both here on This Week in Machine Learning and AI and also at the conference: Algorithmic Ethics. The notes for this show can be found at https://twimlai.com/11.

This Week in ML & AI - 7/22/16: ML to Optimize Datacenters, Crazy New GPU from NVIDIA, Faster RNNs
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week covers Google’s use of ML to cut data center power consumption, NVIDIA new ‘crazy, reckless’ GPU, and a new Layer Normalization technique that promises to reduce the training time for deep neural networks. Plus, a bunch more. Show notes for this episode can be found at twimlai.com/10.

This Week in ML & AI - 7/15/16: A Wingman AI for Pokémon Go and Wide & Deep Learning at Google
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week's show features a conversation about public datasets, an AI-powered Pokémon Go Wingman, a new deep learning app for your iPhone, Google research into Wide & Deep learning models, plus a whole lot more. Show notes for this episode can be found at twimlai.com/9.

This Week in ML & AI - 7/8/16: A BS Meter for AI, Retrieval Models for Chatbots & Predatory Robots
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week's show covers the White House’s AI Now workshop, tuning your AI BS meter, research on predatory robots, an AI that writes Python code, plus acquisitions, financing, technology updates and a bunch more. Show notes for this episode can be found at https://twimlai.com/8.

This Week in ML & AI - 7/1/16: Fatal Tesla Autopilot Crash, EU Outlawing Machine Learning & CVPR
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week's show covers the first fatal Tesla autopilot crash, a new EU law that could prohibit machine learning, the AI that shot down a human fighter pilot (in simulation), the 2016 CVPR conference, 10 hot AI startups, the business implications of machine learning, cool chatbot projects and if you can believe it, even more. Show notes for this episode can be found at https://twimlai.com/7.

This Week in ML & AI - 6/24/16: Dueling Neural Networks at ICML, Plus Training a Robotic Housekeeper
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week's show covers the International Conference on Machine Learning (ICML), new research on "dueling architectures" for reinforcement learning, AI safety for robots, plus top AI business deals, tech announcement, projects and more.

This Week in Machine Learning & AI - 6/17/16: Apple's New ML APIs, IBM Brings Deep Learning Thunder
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week’s podcast digs into Apple's ML and AI announcements at WWDC, looks at IBM's new Deep Thunder offering, and discusses exciting new deep learning research from MIT, OpenAI and Google. Show notes available at https://twimlai.com/5.

This Week In Machine Learning & AI - 6/10/16: Self-Motivated AI, Plus A Kill-Switch for Rogue Bots
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week’s podcast looks at new research on intrinsic motivation for AI systems, a kill-switch for intelligent agents, "knu" chips for machine learning, a screenplay made by a neural net, and more. Show notes and subscribe links at https://cloudpul.se/twiml/4.

This Week In Machine Learning & AI - 6/3/16: Facebook's DeepText, ML & Art, Artificial Assistants
This Week in Machine Learning & AI brings you the week’s most interesting and important stories from the world of machine learning and artificial intelligence. This week’s podcast looks at Facebooks' new DeepText engine, creating music & art with deep learning and Google Magenta, how to build artificial assistants and bots, and applying economics to machine learning models. For show notes visit: https://cloudpul.se/posts/twiml-facebooks-deeptext-ml-art-artificial-assistants

This Week In Machine Learning & AI - 5/27/16: The White House on AI & Aggressive Self-Driving Cars
This Week in Machine Learning & AI brings you the week's most interesting and important stories from the world of machine learning and artificial intelligence. This week's episode explores the White House workshops on AI, human bias in AI and machine learning models, a company working on machine learning for small datasets, plus the latest AI & ML news and a self-driving car that learned how to drive aggressively.