Look for any podcast host, guest or anyone
Showing episodes and shows of

Sheetal ’Shay’ Dhar

Shows

The AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: AutoencodersWelcome to the final episode of our Deep Learning series on the AI Concepts Podcast. In this episode, host Shay takes you on a journey through the world of autoencoders, a foundational AI model. Unlike traditional models that predict or label, autoencoders excel in understanding and reconstructing data by learning to compress information. Discover how this quiet revolution in AI powers features like image enhancement and noise-cancelling technology, and serves as a stepping stone towards generative AI. Whether you're an AI enthusiast or new to the field, this episode offers insightful perspectives on how machines learn structure and prepare...2025-07-1706 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: TransformersWelcome to the AI Concepts Podcast, where we explore AI, one concept at a time. In this episode, host Shay delves into the transformative world of transformers in AI, focusing on how they have revolutionized language understanding and generation. Discover how transformers enable models like ChatGPT to respond thoughtfully and coherently, transforming inputs into conversational outputs with unprecedented accuracy. The discussion unveils the structure and function of transformers, highlighting their reliance on parallel processing and vast datasets. Tune in to unravel how transformers are not only reshaping AI but also the foundation of deep learning advances. Relax, sip your...2025-07-1709 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Attention MechanismIn this episode of the AI Concepts Podcast, host Shay delves into the transformation of deep learning architectures, highlighting the limitations of RNNs, LSTM, and GRU models when handling sequence processing and long-range dependencies. The breakthrough discussed is the attention mechanism, which allows models to dynamically focus on relevant parts of input, improving efficiency and contextual awareness. Shay unpacks the process where every word in a sequence is analyzed for its relevance using attention scores, and how this mechanism contributes to faster training, better scalability, and a more refined understanding in AI models. The episode explores how...2025-07-1708 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Long Short-Term Memory (LSTM) and Gated Recurrent Units (GRU)Welcome to another episode of the AI Concepts Podcast, where we simplify complex AI topics into digestible explanations. This episode continues our Deep Learning series, diving into the limitations of Recurrent Neural Networks (RNNs) and introducing their game-changing successors: Long Short-Term Memory (LSTM) networks and Gated Recurrent Units (GRUs). Learn how these architectures revolutionize tasks with long-term dependencies by mastering memory control and selective information processing, paving the way for more advanced AI applications. Explore the intricate workings of gates within LSTMs, which help in managing information flow for better memory retention, and delve into the lightweight...2025-04-1309 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Recurrent Neural NetworkWelcome to the AI Concepts Podcast! In this episode, we dive into the fascinating world of Recurrent Neural Networks (RNNs) and how they revolutionize the processing of sequential data. Unlike models you've heard about in previous episodes, RNNs provide the capability to remember context over time, making them essential for tasks involving language, music, and time series predictions. Using analogies and examples, we delve into the mechanics of RNNs, exploring how they utilize hidden states as memory to process data sequences effectively. Discover how RNNs, envisioned with loops and time-state memory, tackle the challenge of contextual dependencies...2025-04-1306 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Convolutional Neural NetworkWelcome to the AI Concepts Podcast! In this deep dive into Convolutional Neural Networks (CNNs), we unravel their unique ability to process and interpret image data by focusing on local patterns and spatial structures. Understand how CNNs tackle the challenge of vast input sizes and learn to identify features without exhaustive connections, making them ideal for tasks involving images. Explore the mechanics of CNNs as they employ filters and pooling techniques, transforming raw pixel data into meaningful insights through feature maps. Discover how these networks create a hierarchy of features, akin to human visual processing, to classify...2025-04-1306 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: What is Batch Normalization?In this episode of the AI Concepts Podcast, host Shay delves into the complexities of deep learning, focusing on the challenges of training deep neural networks. She explains how issues like internal covariate shift can hinder learning processes, especially as network layers increase. Through the lens of batch normalization, Shea illuminates how this pivotal technique stabilizes learning by normalizing the inputs of each layer, facilitating faster, more stable training. Learn about the profound impact of batch normalization and why it’s a cornerstone innovation in modern deep learning. The episode concludes with reflections on the importance of directing one's at...2025-04-1307 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Advanced Optimizers Part II - RMSprop and ADAMIn this enlightening episode of the AI Concepts Podcast, join host Shay as we dive deep into the world of deep learning optimizers. Discover how RMSPROP and ADAM revolutionize the training process by adapting to gradient changes, learn the benefits of learning rate scheduling, and explore the critical role of hyperparameter tuning. But the journey doesn't stop there—find out what makes your AI models truly resilient as we tease the introduction of batch normalization in the next episode. Grab your coffee, relax, and unlock the secrets to mastering AI optimization. Stay curious, stay tuned, and remember, it...2025-04-1105 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: Advanced Optimizers - SGD and SGDMWelcome to the AI Concepts Podcast, where host Shay unravels the intricate world of AI through relatable examples and easy-to-understand analogies. In this episode, we continue our dive into deep learning by addressing the challenges and solutions of gradient descent. Learn how traditional gradient descent, which is pivotal in neural network training, sometimes falls short due to its slow speed and susceptibility to getting stuck. Explore enhancements like Stochastic Gradient Descent, which speeds up the process by using random data subsets, and discover the power of momentum in overcoming noisy gradients. Dive into Adagrad, the adaptive learning...2025-04-1104 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: What is Gradient Descent?In this episode of the AI Concepts Podcast, we dive into the fascinating world of gradient descent. Building on the foundation laid in our discussion of backpropagation, we explore how gradient descent serves as a pivotal optimization algorithm in deep learning. Discover how it minimizes loss functions by adjusting model parameters and learn why selecting the right learning rate is crucial. Join us as we differentiate between batch, stochastic, and mini-batch gradient descents, setting the stage for our next episode on advanced optimization techniques. 2025-04-1006 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: What is Backpropagation?Welcome to the latest episode of the AI Concepts Podcast, hosted by Shay, where we continue our exploration of deep learning. In this installment, we delve into the mechanics of backpropagation, the algorithm that empowers neural networks to optimize and learn from their mistakes. We start by revisiting fundamental concepts of neural networks, exploring how data flows forward from input to output. But the real focus is on what happens when predictions aren’t perfect—a journey into understanding errors and their corrections through the backpropagation process. Listen as we break down each step: from calc...2025-04-0906 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: What is a Feedforward Neural Network?Welcome to this episode of the AI Concepts Podcast. Join host Shay as we delve into the fundamental architecture behind modern deep learning - the feedforward neural network. In this session, we take a closer look at how data flows through this network, transforming input into output without the need for loops or memory. Learn about the mechanics of feedforward networks, including weights, biases, and activation functions, and discover why they form the backbone of more complex network models. We also explore the practical applications and limitations of feedforward networks, discussing their role in image...2025-04-0806 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series: What is a Neural Network?Welcome to this episode of the AI Concepts Podcast's Deep Learning series, where we delve into the fascinating world of neural networks. Neural networks are the backbone of deep learning, modeled loosely after the human brain. This episode explores how these systems, made of artificial neurons, learn to recognize patterns and solve complex problems without explicit programming. We'll break down the structure and functionality of neural networks, highlighting how they process input layers, transform data through hidden layers, and produce final predictions. Discover the intricate learning processes such as adjusting weights and biases to minimize errors, a...2025-04-0707 minThe AI Concepts PodcastThe AI Concepts PodcastDeep Learning Series : What is Deep Learning?Welcome to the AI Concepts Podcast, your go-to podcast for exploring AI concepts with clarity and simplicity. Join your host, Shay, as we embark on a series to demystify Deep Learning, the transformative branch of machine learning revolutionizing industries worldwide. Unlike traditional machine learning, discover how Deep Learning systems learn directly from raw data, organizing information through multiple layers to create meaningful patterns and structures independently of human input. In this episode, learn why Deep Learning sets the foundation for advancements in myriad fields such as healthcare, finance, and computer vision, all while leveraging massive data, advanced...2025-04-0707 minThe AI Concepts PodcastThe AI Concepts PodcastMarkov Decision Processes (MDPs): The Framework Behind Smart Decision-Making in AIWelcome to the AI Concepts Podcast, where host Shea simplifies complex AI ideas. In this episode, we delve into Markov Decision Processes (MDPs), a pivotal concept in AI, particularly in reinforcement learning. MDPs enable systems like warehouse robots to make well-informed decisions that consider both immediate and future outcomes. Shea breaks down the core components of MDPs: states, actions, rewards, and transitions. Discover how MDPs create policies that guide AI systems in making efficient decisions autonomously, enhancing their adaptability and effectiveness in dynamic environments. If you're eager to grasp AI's capability to strategize and optimize...2025-01-3007 minThe AI Concepts PodcastThe AI Concepts PodcastGradient Descent Explained: How ML Models Learn to OptimizeIn this episode of the AI Concepts Podcast, host Shea breaks down the concept of gradient descent, a crucial mechanism in machine learning that helps models learn and improve by reducing errors. Using simple examples and analogies, Shea explores how gradient descent functions like a guide, enabling machine learning models to adjust themselves and make more accurate predictions over time. Listen in to grasp how machine learning models start with random parameter settings and progressively fine-tune them to minimize errors through the systematic process of measuring errors, calculating gradients, and making small, guided adjustments. Discover why gradient...2025-01-2907 minThe AI Concepts PodcastThe AI Concepts PodcastPrincipal Component Analysis: What It Is and How It WorksWelcome to another informative episode of the AI Concepts Podcast, hosted by Shea. Today, we delve into the intricate world of Principal Component Analysis (PCA), a powerful tool in data analytics that simplifies large datasets while preserving essential patterns. If you often find yourself overwhelmed by excess data, PCA might be your secret weapon. In this episode, we'll explore how PCA acts as an unsupervised learning algorithm to identify key patterns without relying on predefined labels. Discover the step-by-step process of standardizing variables, recognizing maximum variation directions, and transforming original data into meaningful principal components. ...2025-01-2806 minThe AI Concepts PodcastThe AI Concepts PodcastWhat is K-Nearest Neighbors and How Does It Work?Welcome to the AI Concepts Podcast, where we uncover AI mysteries one piece at a time. In this episode, join your host Shea as we dive into the world of K-Nearest Neighbors (KNN), a straightforward yet effective machine learning algorithm. Shea breaks down the core concepts of KNN using easy-to-understand analogies. Discover how this algorithm mimics human decision-making by comparing new data to familiar patterns. From approving loans at a bank to understanding classification and regression problems, we explore how KNN uses distances to find its closest neighbors and draw predictions. However, KNN also comes...2025-01-2706 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Is K-Means Clustering and How Does It Work?Welcome to the AI Concepts Podcast, where we unravel the complexities of AI, one concept at a time. In this episode, we delve into the world of unsupervised learning, focusing on the intriguing concept of K-Means Clustering. Discover how this powerful algorithm organizes and groups data based on similarity without any prior labels. Simplifying the process, host Shay guides you through the steps of K-Means, beginning with selecting the number of clusters, assigning data points to randomly chosen centroids, and the iterative process of refining these clusters to find structure in unlabelled data. Also, explore...2024-12-2010 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Is Support Vector Machine and How Does It Work?Welcome to the AI Concepts Podcast, hosted by Shay, where we demystify complex AI topics, one concept at a time. In this episode, we delve into Support Vector Machines (SVMs) and explore their crucial role in data classification. Using engaging analogies, Shay explains how SVMs help in distinguishing overlapping data points, employing techniques like the kernel trick to handle intricate patterns. Learn about the practical applications of SVMs, from fitness trackers classifying workouts to detecting abnormalities in medical data. Whether you're dealing with high-dimensional data or tackling real-world challenges, SVMs offer a robust solution. Tune in for...2024-12-2008 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Are Ensemble Methods and How They Work ?In this episode of the AI Concepts Podcast, host Shay delves into the world of ensemble methods, specifically focusing on boosting. Discover how boosting differs from other ensemble techniques like random forests, and learn the step-by-step process of creating a powerful predictive model by sequentially training weak learners. Explore the mechanics of AdaBoost and Gradient Boosting, understanding how these algorithms enhance model accuracy by focusing on errors and assigning weights to hard-to-predict cases. Shay also offers insight into modern implementations like XGBoost and LightGBM, known for their efficiency and effectiveness in handling complex datasets. Gain...2024-12-2008 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Is Random Forest and How Does it Work?Welcome to the latest episode of the AI Concepts Podcast, where we delve into the fascinating world of artificial intelligence. Join our host, Shay, as we unravel the complexities of AI, one concept at a time. In this episode, we explore the intricacies of decision trees and their propensity to overfit data, and how Random Forests provide a robust solution. Discover how Random Forests enhance decision-making by combining multiple trees to reduce errors and avoid overfitting. Learn about the key concept of Bootstrap Sampling, which introduces diversity and avoids the pitfalls of overfitting associated with singular decision...2024-12-2008 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Is a Decision Tree and How Does It Work?Welcome to the AI Concepts Podcast! In this episode, Shay delves into the fascinating world of decision trees, a fundamental and uncomplicated tool in machine learning. Discover how decision trees are utilized in various industries, from banking to healthcare, by simplifying complex decisions through systematic, data-driven questions. Shay explains the process of training decision trees, the importance of features and labels, and the art of maintaining purity and reducing impurities in data groups. Learn about the challenges of overfitting and strategies to prevent it, such as limiting tree depth and employing pruning techniques. Join Shay...2024-12-2008 minThe AI Concepts PodcastThe AI Concepts PodcastWhat is Logistic Regression and How Does It Work?Welcome to the AI Concepts Podcast, where your host Shay delves into the intricacies of artificial intelligence, one concept at a time. This episode focuses on logistic regression, a supervised learning algorithm used to convert raw data into clear probabilities for binary classification tasks. Using a relatable example of a hospital application designed to determine the nature of a tumor, Shay explains how logistic regression works step by step. The episode covers the algorithm’s ability to interpret data, assign importance to features, and transform these insights into probabilities, helping in decision-making processes such as tumor diagnosis an...2024-12-1507 minThe AI Concepts PodcastThe AI Concepts PodcastWhat Is Linear Regression and How Does It Work?Welcome to the AI Concepts Podcast, where AI is explored one concept at a time. Your host, Shay, simplifies AI concepts using relatable examples and analogies, making them easy to digest and retain. In this episode, dive into the world of linear regression, a fundamental machine learning algorithm often used by beginners. Discover how linear regression helps understand and predict relationships between crucial outcomes and influencing factors. Learn with practical examples, like an online sneaker store using data-driven insights to forecast future sales by analyzing past advertising spend and promotions. Explore the process of finding...2024-12-1507 minThe AI Concepts PodcastThe AI Concepts PodcastMachine Learning Series: The Machine Learning WorkflowWelcome to the AI Concepts Podcast! In this episode, host Shay launches a new series dedicated to machine learning, guiding you through the essential algorithms and concepts that form the backbone of this powerful technology. Discover the complete machine learning workflow starting with problem definition, transforming business challenges into machine learning tasks, assessing feasibility, gathering and analyzing data, and progressing through model building, evaluation, and deployment. Shay emphasizes the importance of purposeful planning, understanding data, and selecting the right tools for creating impactful solutions. Throughout the episode, learn how to avoid common pitfalls and achieve practical results...2024-12-1009 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - Precision, Recall, F1 Score, ROC and AUCIn episode 11 of the AI Concepts Podcast, host Shay takes listeners on a journey beyond traditional accuracy metrics to explore the deeper nuances of AI model evaluation. While accuracy might seem impressive, especially in imbalanced data scenarios like rare disease detection, it often misses critical cases and raises false alarms. This episode delves into precision, recall, and the F1 score, explaining how these metrics provide a clearer picture of a model's effectiveness. Shea uses a hospital AI system example to illustrate the challenges of balancing precision and recall, highlighting the importance of the F1 score in ensuring...2024-11-2111 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - Evaluating AI Models: The Accuracy TrapWelcome to episode 10 of the AI Concepts Podcast, where host Shea delves into the intricacies of model evaluation metrics, starting with accuracy. In this episode, Shea explains why accuracy, although seemingly straightforward, can sometimes be misleading, especially when dealing with imbalanced data sets. Through the example of a fraud detection model, Shea illustrates how a high accuracy rate might mask a model's failure to detect critical cases, such as fraudulent transactions, in a data set dominated by legitimate ones. This phenomenon, known as the accuracy trap, highlights the limitations of relying solely on accuracy in imbalanced scenarios.2024-11-2103 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - How do AI Models Learn?Welcome to Episode 9 of the AI Concepts Podcast, where we delve into the essential components of machine learning: training data, validation data, and testing data. Join host Shea as she breaks down these core elements using relatable analogies, making them easy to understand and visualize. In this episode, Shea compares building an AI model to marathon training. Just as athletes train rigorously before a race, AI models learn patterns from training data. Validation data acts like a coach, fine-tuning the model and preventing overfitting. Finally, testing data evaluates the model's real-world performance. Discover the importance...2024-11-0607 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - Classification Vs Regression in Machine LearningWelcome to Episode 8 of the AI Concepts Podcast, where we delve into the fascinating world of machine learning. Join your host, Shea, as we unravel the fundamental techniques of classification and regression, using simple analogies and real-world examples. In this episode, discover how classification helps in making categorical decisions, such as Netflix's recommendations or healthcare risk predictions. Learn how regression goes beyond yes-no answers to estimate values, like Amazon's holiday stock predictions or Facebook's ad revenue forecasts. Explore how these techniques are applied in various industries, from banking to health insurance, highlighting their importance in...2024-11-0604 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - What is Reinforcement Learning?Welcome to Episode 7 of the AI Concepts Podcast, where we delve into the fascinating world of reinforcement learning. Unlike supervised and unsupervised learning, reinforcement learning takes a unique approach, reminiscent of playing a game where each move provides feedback. Join host Shea as we explore how AI agents learn by interacting with their environment, making decisions, and adapting through trial and error. In this episode, we break down the core elements of reinforcement learning: states, actions, rewards, and environment. Discover how AI agents, like video game characters, navigate their surroundings, learn from feedback, and optimize their actions...2024-11-0507 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - What is Unsupervised Learning?Welcome to episode 6 of the AI Concepts Podcast, where host Shea takes you on an insightful journey into the world of unsupervised learning. Discover how machines identify patterns in data without labels or instructions, drawing parallels with organizing a chaotic office on your first day as an assistant. Explore the essence of clustering with k-means and learn about dimensionality reduction techniques like Principal Component Analysis (PCA), which help simplify complex data. Understand the practical applications of unsupervised learning, from organizing vast amounts of documents in a law firm to enhancing customer segmentation and novelty detection in businesses.2024-11-0407 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - What is Supervised Learning?Welcome to Episode 5 of the AI Concepts Podcast, where host Shea takes you on an enlightening journey into the world of supervised learning, a cornerstone of artificial intelligence. In this episode, discover how this method powers everyday technologies like facial recognition and fraud detection by learning from labeled data to make accurate predictions. Through engaging examples, such as predicting tornadoes from weather data and assessing insurance risks, Shea illustrates how supervised learning models learn from past data to understand new situations. Gain insights into the learning process, where models improve by minimizing errors, much like a student...2024-11-0306 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - Understanding Data, Algorithms, and ComputeWelcome to Episode 4 of the AI Concepts Podcast! Join host Shea as we delve into the fundamental components that power artificial intelligence: data, algorithms, and computational power. Discover how these elements work together to form the backbone of AI systems. We begin with data, the foundation of every AI system. Learn about the different types of data, including structured, unstructured, and semi-structured, and understand their roles in AI learning. Next, we explore algorithms, the decision-makers that guide AI in processing data. Understand how popular algorithms like decision trees and neural networks help AI models recognize...2024-11-0205 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - AI vs. Machine Learning vs. Deep Learning: Key Differences ExplainedWelcome to episode three of the AI Concepts Podcast! In this episode, host Shea delves into the fascinating world of artificial intelligence, machine learning, and deep learning. Often used interchangeably, these terms are distinct yet interconnected, forming the backbone of modern technology. Join Shea as she uses relatable analogies to clarify how AI acts like a human brain, how machine learning allows systems to learn from data, and how deep learning takes this a step further with neural networks. Whether you're a tech enthusiast or just curious about AI, this episode will provide you with a clear...2024-11-0106 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - The Evolution of AIWelcome to the AI Concepts Podcast, where we delve into artificial intelligence, one concept at a time. In this episode, host Shea takes you on a thrilling journey through the history of AI, starting from its inception in the 1950s to its transformative impact today. Explore the early days with visionary Alan Turing, whose groundbreaking question "Can machines think?" laid the foundation for modern AI. Discover the pivotal moments, including the 1956 Dartmouth Conference that officially birthed AI as a field of study and the subsequent challenges faced during the AI winters of the 1970s and 1980s. 2024-10-3107 minThe AI Concepts PodcastThe AI Concepts PodcastAI Essentials Series - What is AI?Welcome to the very first episode of the AI Concepts Podcast! Join your host, Shay, as we embark on an exciting journey to explore the fascinating world of Artificial Intelligence. In this episode, we delve into the basics of AI, breaking down what it truly means and how it works behind the scenes. Discover the difference between Narrow AI, which powers everyday applications like voice assistants and recommendation systems, and the ambitious goal of General AI, which aims to replicate human-like intelligence across all tasks. Learn about the crucial components that make AI function: data, algorithms, and...2024-10-3006 minThe AI Concepts PodcastThe AI Concepts PodcastWelcome: Who Should Listen to This PodcastWelcome to the AI Concepts Podcast, your quick guide to understanding the world of Artificial Intelligence. Whether you're curious about algorithms, generative models, or the mechanics behind AI, this podcast is tailored for you. Each episode is designed to be under seven minutes, perfect for listening during a commute, a coffee break, or winding down at the end of the day. We aim to make AI concepts accessible and relatable, without delving into overly technical details. Join us as we journey through AI, starting from foundational ideas and advancing to machine learning, deep learning, and...2024-10-2901 min