Life with AI artwork

Life with AI

85 episodes - English - Latest episode: 25 days ago - ★★★★★ - 1 rating

In this podcast I explain some hard concepts of AI in a way that anyone can understand. I also show how AI is influencing our lives and we don’t know.

Technology
Homepage Apple Podcasts Google Podcasts Overcast Castro Pocket Casts RSS feed

Episodes

#81- Llama 3.

April 19, 2024 15:04 - 12 minutes - 5.93 MB

Extra episode about Llama 3.

#80- Layer pruning and Mixture of Depths.

April 18, 2024 08:05 - 13 minutes - 18.7 MB

Hey guys, continuing the series of episodes about PEFT, in this episode I talk about inference optimization techniques for LLMs. I talk about layer pruning, where we prune consecutive layers of the LLM without almost not losing model performance. I also talk about Mixture of Depths, a similar technique to Mixture of Experts, where we have a router that choses which tokens will be processed in which layer of the LLM. Paper MoD: ⁠https://arxiv.org/pdf/2404.02258.pdf⁠ Paper layer pruning: ⁠...

#79- LoRA and QLoRA.

April 11, 2024 11:32 - 13 minutes - 18.9 MB

Hey guys, this is the first episode in a series of episodes about PEFT, Parameter Efficient Fine Tuning. In this episode I talk about LoRA and QLoRA, two widely used methods that allowed us to fine tune LLMs way faster and in a single GPU without losing performance. Video sobre QLoRA: ⁠https://www.youtube.com/watch?v=6l8GZDPbFn8⁠ LoRA paper: ⁠https://arxiv.org/pdf/2106.09685.pdf⁠ QLoRA paper: ⁠https://arxiv.org/pdf/2305.14314.pdf⁠ Instagram do podcast: https://www.instagram.com/podcast.l...

#78- RAFT: Why just to use RAG if you can also fine tune?

March 21, 2024 08:01 - 9 minutes - 13 MB

Hello, in this episode I talk a Retrieval Aware Fine Tuning (RAFT), a paper that proposes a new technique to use both domain specific fine-tuning and RAG to improve the retrieval capabilities of LLMs. In the episode I also talk about another paper that is called RAFT, but this time Reward rAnking Fine Tuning, which proposes a new technique to perform RLHF without the convergence problems of Reinforcement Learning. Retrieval Aware Fine Tuning: https://arxiv.org/abs/2403.10131v1 Reward rAn...

#77- Ring Attention and 1M context window, is RAG dead?

March 07, 2024 07:19 - 12 minutes - 17.5 MB

Hello guys, in this episode I explain how we can scale the context window of an LLM to more than 1M tokens using Ring Attention. In the episode, I also discuss if RAG is dead or not based on these advancements in the context window. Paper Lost in the Middle: https://arxiv.org/pdf/2307.03172.pdf Gemini technical report: https://storage.googleapis.com/deepmind-media/gemini/gemini_v1_5_report.pdf Paper Ring Attention: https://arxiv.org/pdf/2310.01889.pdf Instagram of the podcast: https://ww...

#76- Solving problems using AI.

February 22, 2024 09:20 - 15 minutes - 21.3 MB

Hey guys, in the Brazilian version of the Podcast I interviewed Andre, he is an AI expert on IBM and we talked a lot about how to solve problems using AI. Brains website: https://brains.dev/ Andre's Linkedin: https://www.linkedin.com/in/andrefelipelopes/ Brains' Linkedin: https://www.linkedin.com/company/brains-brazilian-ai-networks/ Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai

#75- Mixtral and Mixture of Experts.

January 18, 2024 09:37 - 10 minutes - 10 MB

Hey guys, in this episode I talk about Mixture Of Experts, more specifically about Mixtral, which is today the best open-source LLM available, and also better than ChatGPT 3.5 and Gemini Pro. Mixtral paper: ⁠https://arxiv.org/pdf/2401.04088.pdf⁠ Mixtral model: ⁠https://huggingface.co/mistralai/Mixtral-8x7B-v0.1⁠ Mixtral YouTube: ⁠https://www.youtube.com/watch?v=mwO6v4BlgZQ⁠ Instagram: https://www.instagram.com/podcast.lifewithai Linkedin: https://www.linkedin.com/company/life-with-ai

#74- Named Entity Recognition and NLP with Sergei Bogdanov.

December 07, 2023 05:06 - 30 minutes - 42.2 MB

Hey guys, in this episode I have Sergei as guest and we talked a lot about NLP and Named Entity Recognition (NER). Sergei and his colleagues at NuMind have the current state or the art model for NER and we discussed a lot about it during the episode. English model: ⁠https://huggingface.co/numind/generic-entity_recognition_NER-v1⁠ Multi-language model: ⁠https://huggingface.co/numind/generic-entity_recognition_NER-multilingual-v1⁠ Sergei's Linkedin: ⁠https://www.linkedin.com/in/svbogdanov/⁠...

#73- Transformers.

November 30, 2023 08:48 - 23 minutes - 32.4 MB

Hey guys, in this episode I explain most of what I know about Transformers. I talk about the architecture, the attention formula, encoder, decoder, self-supervised learning, positional encoding, tokenization, inductive bias, Vision-Transformers, receptive fields... It was the most technical episode I've recorded so far, and I hope you like it! By the way, it worth listening to this episode with the Transformers paper. Paper Transformers: ⁠https://arxiv.org/pdf/1706.03762.pdf⁠ Link of Open...

#72- RAG and agents.

November 16, 2023 08:47 - 12 minutes - 17.5 MB

Hey guys, in this episode I explain RAG (Retrieval Augmented Generation) and the concept of agents executing different tasks. Hope you like it! Instagram: https://www.instagram.com/podcast.lifewithai/   Linkedin: https://www.linkedin.com/company/life-with-ai

#71- AI for chat bots with Daniel from WeClever.

November 02, 2023 08:51 - 9 minutes - 9.7 MB

Hey guys, in the brazilian version of the podcast I interviewed Daniel, CTO of WeClever, a company that uses AI to improve chat bot experience. In the episode we talked about fine tuning ChatGPT, LoRA, RAG and more! WeClever: ⁠https://www.linkedin.com/company/wecleverco/⁠ Daniel Linkedin: ⁠https://www.linkedin.com/in/dmerlimorais/⁠ Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#70- Technical and behavioral interview tips!

August 31, 2023 04:11 - 15 minutes - 21.2 MB

Hey guys, this episode was really great! I have tips for both technical and behavioral interviews. In the technical interview part, I talk about what is always present in interviews and is always good to know! I also talk about the biggest technical mistakes that people make in interviews and explain them. In the behavioral part, I talk a little about the interviewer's vision and what is important to know! Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.lin...

#69 - Supervised and self-supervised learning, tokenization, ChatGPT and document intelligence.

August 24, 2023 05:10 - 20 minutes - 28.5 MB

Hey guys, in this episode I talk about how AI algorithms are trained using supervised and self-supervised learning, how text tokenization works, how ChatGPT was trained and I also talked about document intelligence. This was a heavy technical content episode and I hope you enjoy it! Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#68- ChatGPT, how to better use it!

August 04, 2023 07:40 - 11 minutes - 5.65 MB

Hey guys, in this episode I talk about how to better use ChatGPT. In the episode I talk about Chain of Thought, zero shot, few shot and more! Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#67- GPT4 leaked information

July 27, 2023 05:35 - 26 minutes - 24.5 MB

Hello guys, in this episode I go through the leaked document about GPT4 explaining the different points of the architecture, training, inference and dataset. It's a very nice, curious and a bit technical episode! Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#66 - Private label products, marketplace and OpenAI API with Juliemar from Amicci.

June 22, 2023 07:49 - 13 minutes - 12.7 MB

Hello everyone, in the brazilian version of podcast I interviewed Juliemar from Amicci and we discussed about private label products, marketplace and how to leverage OpenAI API to build their own products. They a lot of very nice applications of AI at Amicci and Juliemar talked more about them during the episode. Juliemar's Linkedin: https://www.linkedin.com/in/juliemarberri/ Amicci's website (only in Portuguese): https://amicci.com.br/ Podcast LinkedIn: https://www.linkedin.com/company/l...

#65- AI and cloud in agriculture with Vinicius from MadeinWeb.

April 20, 2023 08:05 - 14 minutes - 13.2 MB

Hi guys, in this episode in the Brazilian podcast I have as guest Vinicius, CEO of MadeinWeb. In the episode we discussed about the use of AI in agriculture and the power of cloud for digital transformation. Vinicius LinkedIn: https://www.linkedin.com/in/vgallafrio/ MadeinWeb LinkedIn: https://www.linkedin.com/company/madeinweb-mobile/ Podcast LinkedIn: https://www.linkedin.com/company/life-with-ai Podcast Instagram: https://www.instagram.com/podcast.lifewithai/

#64 - Fintechs and credit score with Rafael Lanna from Ewally.

March 30, 2023 07:55 - 11 minutes - 10.3 MB

Hi everyone, in the portuguese version of the podcast I received as guest Rafael Lanna, CRO of Ewally, a Brazilian fintech for B2B and B2C. In the episode we discussed a lot about how to provide credit score for people that don't have historical transactions. Rafael's LinkedIn: https://www.linkedin.com/in/rafaellanna/ Ewally's website: https://www.ewally.com.br/ Podcast LinkedIn: https://www.linkedin.com/company/life-with-ai Podcast Instagram: https://www.instagram.com/podcast.lifewithai/

#63 - Audio transcription, Generative AI and chatGPT with Krish from Fireflies.

February 09, 2023 05:56 - 41 minutes - 38.3 MB

In this episode I have Krish Ramineni, Co-Founder and CEO of Fireflies a meeting recording tool that transcribes your meeting and has search engine with AI superpowers to enable you to keep track on what was discussed. Their engine allows you to perform different tasks like summarisation, keyword search, topic search... Fireflies is launching soon Fred, their chatGPT like algorithm that will be able to answer everything you want from your meetings. During the episode we discussed a lot abo...

#62- How to make an evidence-based search engine with Eric Olson from Consensus.

January 19, 2023 08:14 - 36 minutes - 34.1 MB

Hey guys, in this episode I have Eric Olson, Co-Founder and CEO of Consensus, an evidence-based search engine. In the episode of discussed a lot the technical aspects of building a search engine, going through the different steps of it, like the keyword matching, vector similarity search and also Large Language Models for Q&A. We also discussed about his entrepreneur life, going from a technical position as a data scientist to a CEO position, his new challenges and also his day-to-day work. ...

#61 - ChatGPT.

December 15, 2022 11:33 - 22 minutes - 20.4 MB

Hello everyone, in this episode I explain the famous algorithm ChatGPT. ChatGPT is a chatbot developed by OpenAI that is able the answer almost every question. It can be free questions, scientific question or even coding questions. ChatGPT uses GPT3 as backbone and also supervised training along with reinforcement learning using PPO algorithm.  ChatGPT: https://chat.openai.com  Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#60 - How to input text into your model? Understanding tokenizers.

December 01, 2022 07:20 - 14 minutes - 13.9 MB

Hello everyone, in this episode I explain how tokenizers work. They are basically what enables us to input the text into a NLP algorithm like BERT or GPT. In the episode I explain 3 types of tokenizers, word based, character based and sub-word based representation. Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai Huuging Face blog about tokenizers: https://huggingface.co/docs/transformers/tokenizer_summary

#59 - How to better prospect clients on LinkdIn with Guillaume from Waalaxy.

October 20, 2022 03:45 - 45 minutes - 42.4 MB

Hey guys, in this episode of the podcast I received Guillaume, COO of Waalaxy. Waalaxy is a CRM focused on prospecting any type of clients on LinkdIn, in the episode, besides explaining the product, we discussed possible use cases of AI in the product e how did they manage to grow from zero to more the 6 millions in Anual Recurrent Revenue and hire and maintain talents specially in the tech field. Link to get 2 months for free on Waalaxy: https://waal.ink/Zgh3CR Linkedin of Guillaume: https:...

#59 - How to better prospect clients on LinkedIn with Guillaume from Waalaxy.

October 20, 2022 03:45 - 45 minutes - 42.4 MB

Hey guys, in this episode of the podcast I received Guillaume, COO of Waalaxy. Waalaxy is a CRM focused on prospecting any type of clients on LinkdIn, in the episode, besides explaining the product, we discussed possible use cases of AI in the product e how did they manage to grow from zero to more the 6 millions in Anual Recurrent Revenue and hire and maintain talents specially in the tech field. Link to get 2 months for free on Waalaxy: https://waal.ink/Zgh3CR Linkedin of Guillaume: https:...

#58 - Document intelligence at Qantev. Information extraction and table extraction.

October 07, 2022 02:11 - 19 minutes - 18.4 MB

Hey guys, in this episode I talk about the document intelligence algorithms that we have at Qantev, so basically what I do in my job! We have two main document intelligence algorithm, which are information extraction, where we want to retrieve some specific information from a document, and also table extraction, where we want to extract a table in a document into a CSV format.  Instagram of the podcast: https://www.instagram.com/podcast.lifewithai/   Linkedin of the podcast: https://www.li...

#57 - The use of engines in chess with the blitz world champion MVL.

August 11, 2022 07:57 - 39 minutes - 36.9 MB

Hey guys, this is a very special episode because I received as guest the French Grand Master and actual blitz world champion Maxime Vachier-Lagrave, the famous MVL. In the episode we discuss about the use of engines in chess, about his history and of course about chess in general. This episode is super nice and I hope you all enjoy it! MVL instagram: https://www.instagram.com/mvl_chess/?hl=en MVL twitter: https://twitter.com/vachier_lagrave Instagram of the podcast: https://www.instagram....

#56 - Artificial Intelligence for health insurance at Qantev with Hadrien De March.

July 28, 2022 06:33 - 40 minutes - 37.1 MB

In the episode I interview Hadrie, the CTO at Qantev (company that I work!). In the episode we talked about the company, we explained some parts of our product that we use machine learning and also how is the life of a CTO. We talked about how we detect fraud, waste and abuse in health insurance claims, how we retrieve information from the unstructured data that we have and how we managed the hospitals network of an insurer. We are just finalizing a fund raising Series A round and we have a ...

#55 - Complex systems and multi-agent learning with Jean-Daniel Kant.

June 23, 2022 07:56 - 53 minutes - 49.4 MB

In this episode I receive as guest my professor at Sorbonne, Jean-Daniel Kant. Jean's research aims to simulate complex systems like the labor market using a model-agent approach, where he models the system and agents behaviours and then analyse the results to understand the consequences of chances in a part of the system, like an introduction of a new law. Jean developed two great simulators, WorkSim and NewJobs and he explains both of them in the episode and also gives some spoilers of his...

#54 - Document Intelligence, Multimodal learning and Venture Capital with Slater Victoroff.

June 09, 2022 05:45 - 57 minutes - 53.2 MB

In this episode I receive as guest Slater Victoroff, CTO of Indico Data. In the episode we had a great conversation about Artificial Intelligence, we talked about unstructured data, document intelligence, multimodal learning, how humans learn and even general AI! Besides that, Slater also has experience in the Venture Capital world, so we discussed the actual VC market and also what he looks to invest in a startup. The episode is really nice, I learned a lot and really enjoyed the conversati...

#53 - The experience of living and studying abroad. Special episode with my best friends!

June 06, 2022 03:00 - 1 hour - 68.9 MB

Hey guys, in this special episode of 1 year of the podcast a receive my best international friends to talk about our experience of living, studying and working abroad. I have as guests for this special episode Chiara and Matteo from Italy, Zahra from Iran, Santiago from Colombia and Anas from Morocco. Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai

#52 - Is Deep Learning for everybody?

May 26, 2022 16:54 - 23 minutes - 21.7 MB

Hey guys, in this episode I discuss if Deep Learning is for everybody. In the episode I discuss about the availability of deep learning to people to use for both text and image applications showing there diferencies and how the cloud platforms are impacting on it.   Instagram: https://www.instagram.com/podcast.lifewithai/  Linkedin: https://www.linkedin.com/company/life-with-ai  Huuging Face: https://huggingface.co/

#51 - Gato, first steps into a General AI.

May 19, 2022 07:20 - 16 minutes - 15.5 MB

Hey guys, in this episode I talk about Gato, a new DeepMind algorithm that is capable of solving more than 600 completely different tasks. This algorithm is for sure a first step to achieve general artificial intelligence, because with only 1 algorithm with 1 set of parameters is able to solve tasks like play games like Atari, caption images, chat with humans (chatbot) e even control a robotic arm to move some blocks. Paper: https://arxiv.org/pdf/2205.06175.pdf DeepMind's blog post about t...

#50 - Understanding BERT.

May 12, 2022 05:40 - 14 minutes - 13.4 MB

Hey guys, in this episode I finish a series of 3 episodes about Transformers talking about BERT, the model revolutionized the NLP field. If you want to better understand the architecture of the model and mainly how it was trained, go listen to this episode cause it is really nice! Artigo do BERT: https://arxiv.org/pdf/1810.04805.pdf Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai

#49 - Understanding Vision Transformers.

May 05, 2022 05:52 - 16 minutes - 14.9 MB

Hey guys, in this episode I talk about Vision Transformers, the application of Transformers for computer vision (images). In the episode I explain the Vision Transformers architecture and also the idea of applying the technique that was firstly proposed for NLP to images and also its challenges. The episode is really nice and you will understand why Transformers took so long to be applied to images and the future of the computer vision field. Vision Transformer original paper (ViT): https:/...

#48 - Attention is all you need. Understanding Transformers.

April 28, 2022 07:23 - 16 minutes - 15.1 MB

Hey guys, in this episode I finally explain the Transformers network architecture! The paper Attention is all you need proposed the Transformer network and it was groundbreaking for firstly NLP field and now for all the Deep Learning fields. In the episode I explain the attention, the self-attention and the multi-head attention mechanisms for both Transformers encoder and Decoder, and also the positional encoding. Go listen to this episode because it's probably my best technical episode!  O...

#47 - Active learning for anomaly detection. How to decrease the manual time annotating the data.

April 21, 2022 05:25 - 13 minutes - 12.1 MB

Hey guys, in this episode I talk about the use of active learning for anomaly detection. In an anomaly detection scenario, most of the time we don't have a labeled dataset, so we have the help of an expert to annotate it. Using active learning we can hugely decrease the amount of the data to be annotated by the expert, making the job much more efficient. Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai

#46 - Google Multisearch and Multimodal Learning.

April 14, 2022 07:26 - 17 minutes - 16.5 MB

Hey guys, in this episode I talk about the problem of multimodal learning, where we train a network using paired modalities of data, like image and text.  With this learning strategy we achieve more robust embeddings and enable some new applications, like the Google Multisearch. Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai

#45 - Information retrieval, NLP, Research and PhD advises with Laure Soulier.

April 07, 2022 07:17 - 41 minutes - 38 MB

Hey guys, in this episode I receive as guest my professor at Sorbonne Laure Soulier. In the episode she talk a lot about Information Retrieval and NLP, which is the subject of her PhD and she current research. We discuss about conversational models (chatbots) and also explainability from Data to Text models.  In a second part of the episode, I asked her a lot of questions about her PhD and some advises that could give for people that are in their PhDs and for the ones that are undecided if ...

#44 - Data2Vec, training one model with text, audio and image.

March 31, 2022 06:21 - 18 minutes - 17.5 MB

Hey guys, in this episode I talk about Data2Vec, a revolutionary algorithm that is able to learn from 3 different data modalities, audio, text and image and be better or comparable than previous state of the art methods. Also this algorithm uses a self-supervised approach, which means that it doesn’t use labels to the training. If you want to better understand it go listen to the episode!  Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/l...

#43 - How AI will impact our lives in the future.

March 24, 2022 08:26 - 24 minutes - 23 MB

Hello everyone, in this episode I talk about the future of AI. I talk about applications that will impact our lives in the future, like metaverse recommendation systems, autonomous vehicles, robots, medicine and much more!  Metaverse episode: https://open.spotify.com/episode/54zU0UvAygPvmSmS8LHCmo?si=QuO39tOaSl-avJuifpf11w Instagram: https://www.instagram.com/podcast.lifewithai/   Linkedin: https://www.linkedin.com/company/life-with-ai

#42 - Bias and Ethics in datasets and AI algorithms.

March 17, 2022 08:56 - 49 minutes - 45.5 MB

Hey guys, in this episode I have as guest Joe Scarffe, Chief Market Officer at Twine. In this episode we talk about bias an ethics in the datasets and also in the artificial intelligence algorithms. We discuss about some well known bias present in video and audio datasets like gender, age, skin color, accent and also some non trivial bias like the combination of the previous ones, the inference of the demographic attributes based on other attributes and even the existence of a qualitative bi...

#41 - How Artificial Intelligence is impacting our lives today.

March 10, 2022 07:56 - 21 minutes - 19.4 MB

Hey guys, in this episode I talk about how artificial intelligence is impacting our lives directly and indirectly, how many aspects of our life are controlled by AI algorithms. In the episode I give a lot of examples, like recommendation systems in social media, voice assistants, facial recognition, medicine and much more! Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai

#40 - No code Data Science. Building entire solutions without a single line of code.

March 03, 2022 07:55 - 14 minutes - 13.6 MB

Hey guys, in this episode I talk about no code data science solution, platforms that you can create entire solutions of data science, since the data analysis and manipulation until the creation of machine learning model without writing a single line of code. In the podcast I talk about two solutions, KNIME and Dataiku, go listen to it to know their pros and cons! Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai KNIME: https://ww...

#39 - How to make your Data Science project from scratch.

February 24, 2022 08:12 - 23 minutes - 21.3 MB

Hey guys, in this episode I talk about how to make a Data Science project from scratch. In the episode I start talking about a set of steps that you need to follow to make your project, since the formulation of the hypothesis till the monitoring your model into production. After, I talk about how I applied these steps to make my fraud detection project. This episode is really practical and can help a lot of people to better formulate and develop their Data Science projects. Instagram: https:...

#38 - Artificial Intelligence dictionary. Understanding all the AI terms.

February 17, 2022 08:00 - 26 minutes - 24.3 MB

Hey guys, in this episode I explain all (or almost all) terms related to artificial intelligence. If you get lost in the middle of those terms that you heard and abbreviations this episode is for you, in it I explain from the basics, like what's an algorithm till the state of the art learning techniques and making connections between them. The goal of this episode is to be a dictionary to you better understand this big field of artificial intelligence. Instagram: https://www.instagram.com/po...

#37 - Reinforcement Learning.

February 10, 2022 06:24 - 30 minutes - 28.3 MB

Hey guys, in this episode I explain what the Reinforcement Learning. In the episode I give some application of where Reinforcement Learning is being used and then I explain the basic concepts of an agent, an environment, a reward, the states and transitions. Then, I talk in a really high level about the ideia behind the main algorithms like Q-Learning, Deep-Learning, Actor Critic, PPO, DDPG... In the end I talk about the advanced Reinforcement Learning techniques that we have, like curriculu...

#36 - What are Neural Networks? Are they really intelligent?

February 03, 2022 08:19 - 19 minutes - 17.7 MB

Hey guys, in this episode of the podcast I explain what are neural networks and how they work. In the episode I talk about the relationship between our brain and the neural network architecture and also how they are trained, using the famous algorithm of back-propagation. After understanding how neural nets work, I discuss if these "artificial intelligence" algorithm are really intelligent. Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/...

#35 - Research, startup and youtube with Shrinivasan Sankar.

January 27, 2022 10:04 - 31 minutes - 29.5 MB

Hey guys, in this episode a have as guest the ex Oxford researcher Shrinivasan Sankar. In the episode Shrini talk about his research on Deep Learning and Active Learning, his transition from academia to an agroTech startup and also about his youtube channel, AI Bites. We also talk about how to enter/start in this Data Science and Deep Learning field. Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai Shrini's Linkedin: https://...

#34 - Research, Generative Models, GANs and American Ninja Warrior with Asya Grechka.

January 20, 2022 09:41 - 24 minutes - 23.1 MB

Hey guys, in this episode I have as guest Asya Grechka, a PhD student and my professor at Sorbonne. In the episode we mainly talk about Asya's research in generative models and GANs, but about some other interesting subjects, like general artificial intelligence. Besides being a PhD in Deep Learning, Asya also does professional climbing and was 2x finalist of the American Ninja Warrior, in the episode she told us about the experience. Instagram: https://www.instagram.com/podcast.lifewithai/...

#33 - The state of the art is self-supervised! How to pre train NLP and computer vision transformer architectures.

January 13, 2022 08:04 - 29 minutes - 27.6 MB

Hey guys, in this episode I talk about the pre training process of the state of the art NLP and computer vision transformer architectures. Since 2017 we train NLP (BERT, GPT, ELECTRA) networks with a masked language model using a self-supervised procedure, and now (since 2022) we are also able to train vision (MAE) networks using the same masked language model procedure. This way of self-supervised pre training enable us to train accurate models that really understands semantic and context w...

Twitter Mentions

@vachier_lagrave 1 Episode
@sl8rv 1 Episode