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.
Hello everyone, in this episode I talk about GraphRAG. This new RAG technique is very useful to better retrieve global information from your document or set of documents. It's also a subject that is growing a lot! GraphRAG paper: https://arxiv.org/pdf/2404.16130 LightRAG paper: https://arxiv.org/pdf/2410.05779 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hello guys, in this episode of the podcast I talk about on-device AI and the SmolLM blog post published by Hugging Face. I first give my thoughts on the differences between on-device and on-cluster AI with the different needs of applications we may have. Then I go through the SmolLM blog post explaining some of the details. SmolLM blog post: https://huggingface.co/blog/smollm MobileLLM paper: https://arxiv.org/pdf/2402.14905 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in the Brazilian version of the podcast I interviewed Felipe, CEO and Founder of Clarice AI, the Brazilian Grammarly. In the episode we discussed on how they created both their corrector and their style improvement algorithms. Clarice AI website: https://clarice.ai/ Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in the brazilian version of the podcast I interviewed Hugo Abonizio, he is LLM engineer at Maritaca AI, the only brazilian LLM company that just released Sabia 3. Their model is specialized in Portuguese and is between gpt4o and Claude 3.5 Sonnet, while being way smaller and cheaper. In the episode I try to give an idea of our conversation in the portuguese version of the podcast. Sabia 3 paper: https://arxiv.org/pdf/2410.12049 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I try to explain my ideas on why Chain of Thought works. Of course nothing that I say is proved, the idea is really to give my intuitions on it! Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I talk about the new model of OpenAI, the OpenAI o1, the model that thinks and reflects before answering. In the episode I share my opinion and my thoughts after the first contact with the model. Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I talk about the different types of AI. I don't go deep into the models, I focus more on explaining the different types and which kind of problems they solve. As types of AI I talk about statistics, machine learning, reinforcement learning, deep learning and generative AI. Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, this is the last episode of the Llama3 paper. In this episode, I talk about their discussion on the contamination analysis of the benchmarks, the vision and the speech parts of the model. I hope you enjoyed the series of episodes about the paper, I personally learned a lot! Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai Llama 3 paper: https://scontent-cdg4-3.xx.fbcdn.net/v/t39.2365-6/452387774_1036916434819166_4173978747091533306_n.pdf?_nc_cat=104&ccb=1-7&_nc_sid=3c67a6&_nc_ohc=t6egZJ8QdI4Q7kNvgEUMsBZ&_nc_ht=scontent-cdg4-3.xx&oh=00_AYBeifNn3pUDhDb136i_WQ_jpoYwLgNExZHcNvDV-N1rRA&oe=66A804CD
Hey guys, in this episode I talk about the Llama 3 paper pre-training and post-training! Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, FINALLY we have Llama 3 paper, the release of the 405B model and the update of the 8B and 70B models. In this episode I give my thoughts about the paper and also an overview about it. In the next episode I will go more deeper in more details of the paper. Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai Llama 3 paper: https://scontent-cdg4-3.xx.fbcdn.net/v/t39.2365-6/452387774_1036916434819166_4173978747091533306_n.pdf?_nc_cat=104&ccb=1-7&_nc_sid=3c67a6&_nc_ohc=t6egZJ8QdI4Q7kNvgEUMsBZ&_nc_ht=scontent-cdg4-3.xx&oh=00_AYBeifNn3pUDhDb136i_WQ_jpoYwLgNExZHcNvDV-N1rRA&oe=66A804CD
Hey guys, in this episode I talk about how to choose the best model for your AI application. I discuss the different tradeoffs you should take into considering before choosing which model to test and to deploy. Transformers tutorials github by Niels Rogge: https://github.com/NielsRogge/Transformers-Tutorials Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode of the podcast I talk about Stable Diffusion, a famous open source image generation algorithm. Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai Stable diffusion paper: https://arxiv.org/pdf/2112.10752 Good Medium post about SD: https://medium.com/@steinsfu/stable-diffusion-clearly-explained-ed008044e07e#97f4 Amazing YouTube videos explaining diffusion: https://www.youtube.com/watch?v=1CIpzeNxIhU Explaining stable diffusion with code: https://www.youtube.com/watch?v=-lz30by8-sU
Hey guys, in this episode I talk about diffusion models, the algorithm behind all the image generation models today, like stable diffusion, Midjourney and dall-e. In the episode I explain the diffusion process along with some other technical concepts that are important, like white noise and markovian process. Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai Blog post explaining diffusion: https://www.assemblyai.com/blog/diffusion-models-for-machine-learning-introduction/ Diffusion paper: https://arxiv.org/pdf/2006.11239.pdf?ref=assemblyai.com
Hey guys, in this episode I talk about 3 very important models that use contrastive learning, CLIP, SigLIP and JinaCLIP. They are image-text embedding models that allow us to for instance do image-text retrieval. CLIP paper: https://arxiv.org/pdf/2103.00020 SigLIP paper: https://arxiv.org/pdf/2303.15343 JinaCLIP paper: https://arxiv.org/pdf/2405.20204 Github of similarities and contrastive loss: https://github.com/filipelauar/projects/blob/main/similarities_and_contrastive_loss.ipynb Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I talk about two very important technical concepts in Deep Learning, constrastive learning and cosine similarity. They are very useful when training embedding models or doing RAG. Very good blog post about contrastive losses: https://lilianweng.github.io/posts/2021-05-31-contrastive/ SimCLR paper: https://arxiv.org/abs/2002.05709 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I talk about the FineWeb dataset, the best pre-training open source dataset to date. In the episode I explain how they created the dataset and I also share some results. Link to the huggingface blog: https://huggingface.co/spaces/HuggingFaceFW/blogpost-fineweb-v1 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
Fala galera, nesse episódio eu falo com o João Batista, Technical Product Manager da Stackspot AI. No episódio a gente falou bastante sobre o uso de LLMs como um copilot usando os próprios documentos da empresa para dar as respostas usando RAG. Hey guys, in the brazilian version of the podcast I discussed with Joao from Stackspot AI. In the episode I talk about how they are developing enterprise copilot assistants using RAG. In the episode we talk both about technical and product aspects, like similarity metrics, how many documents to use, how to show the answer to the user, how to metrify the quality of the answers... Linkedin do Joao: https://www.linkedin.com/in/joaobatista-cordeironeto/ Linkedin da Stackspot AI: https://www.linkedin.com/company/stackspot/ Instagram do podcast: https://www.instagram.com/podcast.lifewithai Linkedin do podcast: https://www.linkedin.com/company/life-with-ai
Hey guys, in this episode I talk about two papers, BitNet and 1.58 bit Transformer. These two papers from microsoft tell a new receipe to train 1 bit transformers, improve hugely the memory and energy consumption along with lower inference times. BitNet paper: https://arxiv.org/pdf/2310.11453 1.58 bit paper: https://arxiv.org/pdf/2402.17764 Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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: https://arxiv.org/pdf/2403.17887v1.pdf Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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.lifewithai Linkedin do podcast: https://www.linkedin.com/company/life-with-ai
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 rAnking Fine Tuning: https://arxiv.org/pdf/2304.06767.pdf Instagram of the podcast: https://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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://www.instagram.com/podcast.lifewithai Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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
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
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/ Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai
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 OpenAI explaining Next Token Prediction: https://www.linkedin.com/posts/zainhas_the-most-clearest-and-crisp-explanation-ugcPost-7132561633280692224-63AX?utm_source=share&utm_medium=member_desktop Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai
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
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
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.linkedin.com/company/life-with-ai
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
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
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
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/life-with-ai Podcast Instagram: https://www.instagram.com/podcast.lifewithai/
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/
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/
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 about Generative AI, chatGPT and different applications that we will have soon powered by them. Fireflies website: https://fireflies.ai Krish's Linkedin: https://www.linkedin.com/in/krishramineni/ Fireflies' Linkedin: https://www.linkedin.com/company/fireflies-inc/ Podcast Linkedin: https://www.linkedin.com/company/life-with-ai Podcast instagram: https://www.instagram.com/podcast.lifewithai/
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. Consensus search engine: https://consensus.app/ Eric's Linkedin: https://www.linkedin.com/in/eric-olson-1822a7a6/ Consensus' Linkedin: https://www.linkedin.com/company/consensus-nlp/ Podcast Linkedin: https://www.linkedin.com/company/life-with-ai Podcast instagram: https://www.instagram.com/podcast.lifewithai/
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
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
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://www.linkedin.com/in/guillaume-portalier-waalaxy/ Instagram of the podcast: https://www.instagram.com/podcast.lifewithai/ Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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.linkedin.com/company/life-with-ai Linkedin of Qantev: https://www.linkedin.com/company/qantev/
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.com/podcast.lifewithai/ Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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 lot of open positions for Machine Learning, Data Science, DevOps, infrastructure, full stack (front and back), sales and also product. We can also sponsor visa, so if you want to live in Paris and work with us this can be a great opportunity! Linkedin of Hadrien:https://www.linkedin.com/in/hadrien-de-march/ Linkedin of Qantev: https://www.linkedin.com/company/qantev/mycompany/ My Linkedin: https://www.linkedin.com/in/filipe-lauar/ Instagram of the podcast: https://www.instagram.com/podcast.lifewithai/ Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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 new project TerraNeon, that aims to simulate climate changes. In the end we also talk a little bit about Metaverse. Jean on Linkedin: https://www.linkedin.com/in/jean-daniel-kant-569937a/ Jean's website: https://webia.lip6.fr/~kant/ Instagram of the podcast:: https://www.instagram.com/podcast.lifewithai/ Linkedin of the podcast: https://www.linkedin.com/company/life-with-ai
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 conversation with Slater, I hope you also like it! Slater on Linkedin: https://www.linkedin.com/in/slatervictoroff/ Slater on Twitter: https://twitter.com/sl8rv Slater website: https://www.slater.website/ Indico Data: https://indicodata.ai/ Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai Sparse transformers: https://arxiv.org/abs/1904.10509 Unifying Language Learning Paradigms: https://arxiv.org/abs/2205.05131 The illustrated Transformer: https://jalammar.github.io/illustrated-transformer/ Enso open source library: https://github.com/IndicoDataSolutions/Enso Follow the information blog post: https://venturebeat.com/2022/06/04/follow-the-information-the-real-data-problem/
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
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/
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 the paper: https://www.deepmind.com/publications/a-generalist-agent Episode about Reinforcement Learning: https://open.spotify.com/episode/2w088ECqtC0CVuAe9l25A2?si=886d21cbbc8f4757 Episode about Transformers: https://open.spotify.com/episode/5qdXu3Y2aq2z6EqMGoM5YW?si=6e8d1139c04c4338 Episode about Vision Transformers: https://open.spotify.com/episode/7xcdNNkvLKjq8QBozluATo?si=952a89557afe4be8 Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai
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
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://arxiv.org/pdf/2010.11929.pdf Instagram: https://www.instagram.com/podcast.lifewithai/ Linkedin: https://www.linkedin.com/company/life-with-ai