Search results for transformer

    Found 375 documents, 5921 searched:

  • Comparing Natural Language Processing Techniques: RNNs, Transformers, BERT

    RNN, Transformers, and BERT are popular NLP techniques with tradeoffs in sequence modeling, parallelization, and pre-training for downstream tasks.

    https://www.kdnuggets.com/comparing-natural-language-processing-techniques-rnns-transformers-bert

  • Simple NLP Pipelines with HuggingFace Transformers

    Transformers by HuggingFace is an all-encompassing library with state-of-the-art pre-trained models and easy-to-use tools.

    https://www.kdnuggets.com/2023/02/simple-nlp-pipelines-huggingface-transformers.html

  • Concepts You Should Know Before Getting Into Transformers

    Learn about Input Embedding, Positional Encoding, Scaled Dot-Product Attention, Residual Connections, Mask, and Softmax function.

    https://www.kdnuggets.com/2023/01/concepts-know-getting-transformer.html

  • Memory Complexity with Transformers

    What’s the problem with running a transformer model on a book with 1 million tokens? What can be a solution to this problem?

    https://www.kdnuggets.com/2022/12/memory-complexity-transformers.html

  • Master Transformers with This Free Stanford Course!

    If you want a deep dive on transformers, this Stanford course has made its courseware freely available, including lecture videos, readings, assignments, and more.

    https://www.kdnuggets.com/2022/09/master-transformers-free-stanford-course.html

  • How to Build a Knowledge Graph with Neo4J and Transformers

    Learn to use custom Named Entity Recognition and Relation Extraction models.

    https://www.kdnuggets.com/2021/11/build-knowledge-graph-neo4j-transformers.html

  • Deploying Serverless spaCy Transformer Model with AWS Lambda

    A step-by-step guide on how to deploy NER transformer model serverless.

    https://www.kdnuggets.com/2021/10/deploying-serverless-spacy-transformer-model-aws-lambda.html

  • Surpassing Trillion Parameters and GPT-3 with Switch Transformers – a path to AGI?">Silver BlogSurpassing Trillion Parameters and GPT-3 with Switch Transformers – a path to AGI?

    Ever larger models churning on increasingly faster machines suggest a potential path toward smarter AI, such as with the massive GPT-3 language model. However, new, more lean, approaches are being conceived and explored that may rival these super-models, which could lead to a future with more efficient implementations of advanced AI-driven systems.

    https://www.kdnuggets.com/2021/10/trillion-parameters-gpt-3-switch-transformers-path-agi.html

  • Five Key Facts About Wu Dao 2.0: The Largest Transformer Model Ever Built

    The record-setting model combines some clever research and engineering methods.

    https://www.kdnuggets.com/2021/09/five-key-facts-wu-dao-largest-transformer-model.html

  • DeepMind’s New Super Model: Perceiver IO is a Transformer that can Handle Any Dataset

    The new transformer-based architecture can process audio, video and images using a single model.

    https://www.kdnuggets.com/2021/08/deepmind-new-super-model-perceiver-io-transformer.html

  • How to Train a Joint Entities and Relation Extraction Classifier using BERT Transformer with spaCy 3

    A step-by-step guide on how to train a relation extraction classifier using Transformer and spaCy3.

    https://www.kdnuggets.com/2021/06/train-joint-entities-relation-extraction-classifier-bert-spacy.html

  • Fine-Tuning Transformer Model for Invoice Recognition

    The author presents a step-by-step guide from annotation to training.

    https://www.kdnuggets.com/2021/06/fine-tuning-transformer-model-invoice-recognition.html

  • The Essential Guide to Transformers, the Key to Modern SOTA AI

    You likely know Transformers from their recent spate of success stories in natural language processing, computer vision, and other areas of artificial intelligence, but are familiar with all of the X-formers? More importantly, do you know the differences, and why you might use one over another?

    https://www.kdnuggets.com/2021/06/essential-guide-transformers-key-modern-sota-ai.html

  • How to Fine-Tune BERT Transformer with spaCy 3

    A step-by-step guide on how to create a knowledge graph using NER and Relation Extraction.

    https://www.kdnuggets.com/2021/06/fine-tune-bert-transformer-spacy.html

  • How To Generate Meaningful Sentences Using a T5 Transformer

    Read this article to see how to develop a text generation API using the T5 transformer.

    https://www.kdnuggets.com/2021/05/generate-meaningful-sentences-t5-transformer.html

  • How to Apply Transformers to Any Length of Text

    Read on to find how to restore the power of NLP for long sequences.

    https://www.kdnuggets.com/2021/04/apply-transformers-any-length-text.html

  • Hugging Face Transformers Package – What Is It and How To Use It

    The rapid development of Transformers have brought a new wave of powerful tools to natural language processing. These models are large and very expensive to train, so pre-trained versions are shared and leveraged by researchers and practitioners. Hugging Face offers a wide variety of pre-trained transformers as open-source libraries, and you can incorporate these with only one line of code.

    https://www.kdnuggets.com/2021/02/hugging-face-transformer-basics.html

  • Vision Transformers: Natural Language Processing (NLP) Increases Efficiency and Model Generality

    Why do we hear so little about transformer models applied to computer vision tasks? What about attention in computer vision networks?

    https://www.kdnuggets.com/2021/02/vision-transformers-nlp-efficiency-model-generality.html

  • Six Times Bigger than GPT-3: Inside Google’s TRILLION Parameter Switch Transformer Model

    Google’s Switch Transformer model could be the next breakthrough in this area of deep learning.

    https://www.kdnuggets.com/2021/01/google-trillion-parameter-switch-transformer-model.html

  • OpenAI Releases Two Transformer Models that Magically Link Language and Computer Vision

    OpenAI has released two new transformer architectures that combine image and language tasks in an fun and almost magical way. Read more about them here.

    https://www.kdnuggets.com/2021/01/openai-transformer-models-link-language-computer-vision.html

  • How to Incorporate Tabular Data with HuggingFace Transformers

    In real-world scenarios, we often encounter data that includes text and tabular features. Leveraging the latest advances for transformers, effectively handling situations with both data structures can increase performance in your models.

    https://www.kdnuggets.com/2020/11/tabular-data-huggingface-transformers.html

  • Understanding Transformers, the Data Science Way

    Read this accessible and conversational article about understanding transformers, the data science way — by asking a lot of questions that is.

    https://www.kdnuggets.com/2020/10/understanding-transformers-data-science-way.html

  • A Deep Dive Into the Transformer Architecture – The Development of Transformer Models

    Even though transformers for NLP were introduced only a few years ago, they have delivered major impacts to a variety of fields from reinforcement learning to chemistry. Now is the time to better understand the inner workings of transformer architectures to give you the intuition you need to effectively work with these powerful tools.

    https://www.kdnuggets.com/2020/08/transformer-architecture-development-transformer-models.html

  • Research Guide for Transformers

    The problem with RNNs and CNNs is that they aren’t able to keep up with context and content when sentences are too long. This limitation has been solved by paying attention to the word that is currently being operated on. This guide will focus on how this problem can be addressed by Transformers with the help of deep learning.

    https://www.kdnuggets.com/2019/10/research-guide-transformers.html

  • Deep Learning Next Step: Transformers and Attention Mechanism">Silver BlogDeep Learning Next Step: Transformers and Attention Mechanism

    With the pervasive importance of NLP in so many of today's applications of deep learning, find out how advanced translation techniques can be further enhanced by transformers and attention mechanisms.

    https://www.kdnuggets.com/2019/08/deep-learning-transformers-attention-mechanism.html

  • Order Matters: Alibaba’s Transformer-based Recommender System

    Alibaba, the largest e-commerce platform in China, is a powerhouse not only when it comes to e-commerce, but also when it comes to recommender systems research. Their latest paper, Behaviour Sequence Transformer for E-commerce Recommendation in Alibaba, is yet another publication that pushes the state of the art in recommender systems.

    https://www.kdnuggets.com/2019/08/order-matters-alibabas-transformer-based-recommender-system.html

  • Pre-training, Transformers, and Bi-directionality

    Bidirectional Encoder Representations from Transformers BERT (Devlin et al., 2018) is a language representation model that combines the power of pre-training with the bi-directionality of the Transformer’s encoder (Vaswani et al., 2017). BERT improves the state-of-the-art performance on a wide array of downstream NLP tasks with minimal additional task-specific training.

    https://www.kdnuggets.com/2019/07/pre-training-transformers-bi-directionality.html

  • Examining the Transformer Architecture: The OpenAI GPT-2 Controversy 

    GPT-2 is a generative model, created by OpenAI, trained on 40GB of Internet to predict the next word. And OpenAI found this model to be SO good that they did not release the fully trained model  due to their concerns about malicious applications of the technology.

    https://www.kdnuggets.com/2019/06/transformer-openai-gpt2.html

  • Mistral 7B-V0.2: Fine-Tuning Mistral’s New Open-Source LLM with Hugging Face

    Access Mistral’s latest open-source model and fine-tune it on a custom dataset.

    https://www.kdnuggets.com/mistral-7b-v02-fine-tuning-mistral-new-open-source-llm-with-hugging-face

  • 7 Steps to Mastering Large Language Model Fine-tuning

    From theory to practice, learn how to enhance your NLP projects with these 7 simple steps.

    https://www.kdnuggets.com/7-steps-to-mastering-large-language-model-fine-tuning

  • GitHub Actions For Machine Learning Beginners

    Learn how to automate machine learning training and evaluation using scikit-learn pipelines, GitHub Actions, and CML.

    https://www.kdnuggets.com/github-actions-for-machine-learning-beginners

  • Streamline Your Machine Learning Workflow with Scikit-learn Pipelines

    Learn how to enhance the quality of your machine learning code using Scikit-learn Pipeline and ColumnTransformer.

    https://www.kdnuggets.com/streamline-your-machine-learning-workflow-with-scikit-learn-pipelines

  • Extractive Summarization with LLM using BERT

    An in-depth overview of extractive text summarization, how state-of-the-art NLP models like BERT can enhance it, and a coding tutorial for using BERT to generate extractive summaries.

    https://www.kdnuggets.com/extractive-summarization-with-llm-using-bert

  • Vector Database for LLMs, Generative AI, and Deep Learning

    Exploring the limitless possibilities of AI and making it context-aware.

    https://www.kdnuggets.com/vector-database-for-llms-generative-ai-and-deep-learning

  • Free Mastery Course: Become a Large Language Model Expert

    It is a self-paced course that covers fundamental and advanced concepts of LLMs and teaches how to deploy them in production.

    https://www.kdnuggets.com/ree-mastery-course-become-a-large-language-model-expert

  • Large Language Models Explained in 3 Levels of Difficulty

    Simple explanations, no matter what your level is right now.

    https://www.kdnuggets.com/large-language-models-explained-in-3-levels-of-difficulty

  • 2024 Tech Trends: AI Breakthroughs & Development Insights from O’Reilly’s Free Report

    Want to prepare your tech career for 2024 and onwards? Have a look at O’Reilly’s FREE technology trends report.

    https://www.kdnuggets.com/2024-tech-trends-ai-breakthroughs-development-insights-oreilly-free-report

  • Books, Courses, and Live Events to Learn Generative AI with O’Reilly

    If you are new to generative AI or an expert who wants to learn more, O’Reilly offers a range of resources to kickstart your generative AI journey.

    https://www.kdnuggets.com/books-courses-and-live-events-to-learn-generative-ai-with-oreilly

  • Maximizing Efficiency in Data Analysis with ChatGPT

    This article has provided a brief overview of ChatGPT and its capabilities. It also discussed the importance of efficient data analysis and the benefits of integrating it into the analysis process.

    https://www.kdnuggets.com/maximizing-efficiency-in-data-analysis-with-chatgpt

  • Does ChatGPT Have The Potential To Become A New Chess Super Grandmaster?

    Case study of LLM's ability to learn, generalize, and be creative.

    https://www.kdnuggets.com/does-chatgpt-have-the-potential-to-become-a-new-chess-super-grandmaster

  • Natural Language Processing: Bridging Human Communication with AI

    The post highlights real-world examples of NLP use cases across industries. It also covers NLP's objectives, challenges, and latest research developments.

    https://www.kdnuggets.com/natural-language-processing-bridging-human-communication-with-ai

  • Exploring the Zephyr 7B: A Comprehensive Guide to the Latest Large Language Model

    Zephyr is a series of Large Language Models released by Hugging Face trained using distilled supervised fine-tuning (dSFT) on larger models with significantly improved task accuracy.

    https://www.kdnuggets.com/exploring-the-zephyr-7b-a-comprehensive-guide-to-the-latest-large-language-model

  • The KDnuggets 2023 Cheat Sheet Collection

    KDnuggets has brought together all of its in-house cheat sheets from 2023 in this single, convenient location. Have a look to make sure you didn't miss out on anything over the year.

    https://www.kdnuggets.com/the-kdnuggets-2023-cheat-sheet-collection

  • Evaluating Methods for Calculating Document Similarity

    The blog covers methods for representing documents as vectors and computing similarity, such as Jaccard similarity, Euclidean distance, cosine similarity, and cosine similarity with TF-IDF, along with pre-processing steps for text data, such as tokenization, lowercasing, removing punctuation, removing stop words, and lemmatization.

    https://www.kdnuggets.com/evaluating-methods-for-calculating-document-similarity

  • Free Harvard Course: Introduction to AI with Python

    Looking for a great course to learn Artificial Intelligence with Python? Check out this free course from Harvard University.

    https://www.kdnuggets.com/free-harvard-course-introduction-to-ai-with-python

  • Personalized AI Made Simple: Your No-Code Guide to Adapting GPTs

    OpenAI revolutionizes personal AI customization with its no-code approach to creating custom ChatGPTs.

    https://www.kdnuggets.com/personalized-ai-made-simple-your-no-code-guide-to-adapting-gpts

  • Generative AI Key Terms Explained

    This article introduces and explains key terms important to generative AI, and links to additional resources to learn more.

    https://www.kdnuggets.com/generative-ai-key-terms-explained

  • Free MIT Course: TinyML and Efficient Deep Learning Computing

    Curious about optimizing AI for everyday devices? Dive into the complete overview of MIT's TinyML and Efficient Deep Learning Computing course. Explore strategies to make AI smarter on small devices. Read the full article for an in-depth look!

    https://www.kdnuggets.com/free-mit-course-tinyml-and-efficient-deep-learning-computing

  • A Comprehensive List of Resources to Master Large Language Models

    Large Language Models (LLMs) have now become an integral part of various applications. This article provides an extensive list of resources for anyone interested to dive into the world of LLMs.

    https://www.kdnuggets.com/a-comprehensive-list-of-resources-to-master-large-language-models

  • How to Make Large Language Models Play Nice with Your Software Using LangChain

    Beyond simply chatting with an AI model and how LangChain elevates LLM interactions with humans.

    https://www.kdnuggets.com/how-to-make-large-language-models-play-nice-with-your-software-using-langchain

  • 5 Free Courses to Master Generative AI

    Generative AI is an exciting and fast-moving area of research and application. Check out these 5 courses to get up to speed and stay ahead of the curve.

    https://www.kdnuggets.com/5-free-courses-to-master-generative-ai

  • Introduction to Streaming-LLM: LLMs for Infinite-Length Inputs

    A new approach for LLM in the real-time production.

    https://www.kdnuggets.com/introduction-to-streaming-llm-llms-for-infinite-length-inputs

  • 7 Steps to Running a Small Language Model on a Local CPU

    Discover how to run a small language model on your local CPU in just seven easy steps.

    https://www.kdnuggets.com/7-steps-to-running-a-small-language-model-on-a-local-cpu

  • How to Finetune Mistral AI 7B LLM with Hugging Face AutoTrain

    Learn how to fine-tune the state-of-the-art LLM.

    https://www.kdnuggets.com/how-to-finetune-mistral-ai-7b-llm-with-hugging-face-autotrain

  • KDnuggets News, October 27: 5 Free Books to Master Data Science • 7 Steps to Mastering LLMs

    This week on KDnuggets: Go from learning what large language models are to building and deploying LLM apps in 7 steps • Check this list of free books for learning Python, statistics, linear algebra, machine learning and deep learning • And much, much more!

    https://www.kdnuggets.com/2023/n38.html

  • Overview of PEFT: State-of-the-art Parameter-Efficient Fine-Tuning

    Learn how Parameter-Efficient Fine-Tuning techniques like LoRA enable efficient adaptation of large language models using limited compute resources.

    https://www.kdnuggets.com/overview-of-peft-stateoftheart-parameterefficient-finetuning

  • How to Use Hugging Face AutoTrain to Fine-tune LLMs

    Easily improve our LLM capability with this tool.

    https://www.kdnuggets.com/how-to-use-hugging-face-autotrain-to-finetune-llms

  • Windows on Snapdragon Brings Hybrid AI to Apps at the Edge

    Let’s take a closer look at Hybrid AI, how you can take advantage of it, and how Snapdragon brings hybrid AI to apps at the edge.

    https://www.kdnuggets.com/qualcomm-windows-on-snapdragon-brings-hybrid-ai-to-apps-at-the-edge

  • A Brief History of the Neural Networks

    From the biological neuron to LLMs: How AI became smart.

    https://www.kdnuggets.com/a-brief-history-of-the-neural-networks

  • 7 Steps to Mastering Large Language Models (LLMs)

    Large Language Models (LLMs) have unlocked a new era in natural language processing. So why not learn more about them? Go from learning what large language models are to building and deploying LLM apps in 7 easy steps with this guide.

    https://www.kdnuggets.com/7-steps-to-mastering-large-language-models-llms

  • ChatGPT vs. BARD

    Large language models (LLMs) are transforming the way we process and produce information. But, before considering either one of these models as a one-stop-solution, one must consider their key differences.

    https://www.kdnuggets.com/chatgpt-vs-bard

  • Rust Burn Library for Deep Learning

    A new deep learning framework built entirely in Rust that aims to balance flexibility, performance, and ease of use for researchers, ML engineers, and developers.

    https://www.kdnuggets.com/rust-burn-library-for-deep-learning

  • Fasten Your Seatbelt: Falcon 180B is Here!

    Let’s dive into the world’s largest open language model.

    https://www.kdnuggets.com/fasten-your-seatbelt-falcon-180b-is-here

  • KDnuggets News, October 11: 3 Data Science Projects to Land That Job • 7 Steps to Mastering NLP

    This week: What three data science projects should you choose to guarantee you get the job? • A 7 step guide to help you go from the fundamentals of machine learning and Python to Transformers, recent advances in NLP, and beyond.

    https://www.kdnuggets.com/2023/n37.html

  • 7 Steps to Mastering Natural Language Processing

    Want to learn all about Natural Language Processing (NLP)? Here is a 7 step guide to help you go from the fundamentals of machine learning and Python to Transformers, recent advances in NLP, and beyond.

    https://www.kdnuggets.com/7-steps-to-mastering-natural-language-processing

  • Unify Batch and ML Systems with Feature/Training/Inference Pipelines

    A new way to do MLOps for your Data-ML-Product Teams.

    https://www.kdnuggets.com/2023/09/hopsworks-unify-batch-ml-systems-feature-training-inference-pipelines

  • Effective Small Language Models: Microsoft’s 1.3 Billion Parameter phi-1.5

    Learn about Microsoft’s 1.3 billion parameter model that has outperformed Llama 2’s 7-billion parameters model on several benchmarks.

    https://www.kdnuggets.com/effective-small-language-models-microsoft-phi-15

  • Fine Tuning LLAMAv2 with QLora on Google Colab for Free

    Learn how to fine-tune one of the most influential open-source models for free on Google Colab.

    https://www.kdnuggets.com/fine-tuning-llamav2-with-qlora-on-google-colab-for-free

  • Don’t Miss Out! Enroll in FREE Courses Before 2023 Ends

    Complete the last quarter of the year and improve your skills to get you kickstarted for 2024’s self-development plan with these FREE courses.

    https://www.kdnuggets.com/dont-miss-out-enroll-in-free-courses-before-2023-ends

  • The 5 Best AI Tools For Maximizing Productivity

    KDnuggets reviews a diverse set of 5 AI tools to help maximize your productivity. Have a look and see what our recommendations include.

    https://www.kdnuggets.com/the-5-best-ai-tools-for-maximizing-productivity

  • The Power of Collaboration: How Open-Source Projects are Advancing AI

    In this article, we explore the profound impact of open-source projects on the creation of innovative AI solutions.

    https://www.kdnuggets.com/2023/08/power-collaboration-opensource-projects-advancing-ai.html

  • 7 Projects Built with Generative AI

    Learn how to build a strong portfolio with personal projects using Generative AI. This will help you to stand out from the crowd!

    https://www.kdnuggets.com/2023/08/7-projects-built-generative-ai.html

  • The Best Courses for AI from Universities with YouTube Playlists

    Kickstart a new career or develop your current one with these YouTube playlists by trusted Universities!.

    https://www.kdnuggets.com/2023/08/best-courses-ai-universities-youtube-playlists.html

  • GPT-4: 8 Models in One; The Secret is Out

    GPT4 kept the model secret to avoid competition, now the secret is out!

    https://www.kdnuggets.com/2023/08/gpt4-8-models-one-secret.html

  • Brewing a Domain-Specific LLM Potion

    Make your LLM an expert in your field.

    https://www.kdnuggets.com/2023/08/brewing-domainspecific-llm-potion.html

  • Text-2-Video Generation: Step-by-Step Guide

    Bringing Words to Life: Easy Techniques to Generate Stunning Videos from Text Using Python.

    https://www.kdnuggets.com/2023/08/text2video-generation-stepbystep-guide.html

  • LangChain + Streamlit + Llama: Bringing Conversational AI to Your Local Machine

    Integrating Open Source LLMs and LangChain for Free Generative Question Answering (No API Key required).

    https://www.kdnuggets.com/2023/08/langchain-streamlit-llama-bringing-conversational-ai-local-machine.html

  • An Excellent Resource To Learn The Foundations Of Everything Underneath ChatGPT

    In this article, you will learn the fundamentals of what constitutes the core of ChatGPT (and the Large Language Models).

    https://www.kdnuggets.com/023/08/excellent-resource-learn-foundations-everything-underneath-chatgpt.html

  • Python Vector Databases and Vector Indexes: Architecting LLM Apps

    Vector databases enable fast similarity search and scale across data points. For LLM apps, vector indexes can simplify architecture over full vector databases by attaching vectors to existing storage. Choosing indexes vs databases depends on specialized needs, existing infrastructure, and broader enterprise requirements.

    https://www.kdnuggets.com/2023/08/python-vector-databases-vector-indexes-architecting-llm-apps.html

  • Overcoming Barriers in Multi-lingual Voice Technology: Top 5 Challenges and Innovative Solutions

    Voice assistants like Siri, Alexa and Google Assistant are household names, but they still don't do well in multilingual settings. This article first provides an overview of how voice assistants work, and then dives into the top 5 challenges for voice assistants when it comes to providing a superior multilingual user experience. It also provides strategies for mitigation of these challenges.

    https://www.kdnuggets.com/2023/08/overcoming-barriers-multilingual-voice-technology-top-5-challenges-innovative-solutions.html

  • Best Python Tools for Building Generative AI Applications Cheat Sheet

    KDnuggets' new cheat sheet summarizes the top Python libraries for building generative AI apps, from OpenAI and Transformers to tools like Gradio, Diffusers, LangChain, and more. Ideal for both beginners and experts looking for a quick reference.

    https://www.kdnuggets.com/2023/08/best-python-tools-generative-ai-cheat-sheet.html

  • Pythia: A Suite of 16 LLMs for In-Depth Research

    Pythia is a suite of 16 large language models by Eleuther AI. It helps understand and analyze autoregressive large language models during training and scaling.

    https://www.kdnuggets.com/2023/08/pythia-suite-16-llms-indepth-research.html

  • This Week in AI, July 31: AI Titans Pledge Responsible Innovation • The Beluga Invasion

    "This Week in AI" on KDnuggets provides a weekly roundup of the latest happenings in the world of Artificial Intelligence. Covering a wide range of topics from recent headlines, scholarly articles, educational resources, to spotlight research, the post is designed to keep readers up-to-date and informed about the ever-evolving field of AI.

    https://www.kdnuggets.com/2023/07/this-week-ai-2023-07-31.html

  • Introducing OpenLLM: Open Source Library for LLMs

    A user-friendly platform for operating large language models (LLMs) in production, with features such as fine-tuning, serving, deployment, and monitoring of any LLMs.

    https://www.kdnuggets.com/2023/07/introducing-openllm-open-source-library-llms.html

  • Everything You Need About the LLM University by Cohere

    Want to kickstart a new career with LLMs? Or want to transfer to the next big thing in tech? You can do so now with the LLM University by Cohere.

    https://www.kdnuggets.com/2023/07/everything-need-llm-university-cohere.html

  • Free Generative AI Courses by Google

    With Generative AI being a hot topic, learn more about these courses provided that can give you a kick start into the wave.

    https://www.kdnuggets.com/2023/07/free-generative-ai-courses-google.html

  • Free From Google: Generative AI Learning Path

    Want to keep updated about Generative AI? Check these free courses and resources from Google Cloud.

    https://www.kdnuggets.com/2023/07/free-google-generative-ai-learning-path.html

  • Generative AI with Large Language Models: Hands-On Training

    This 2-hour training covers LLMs, their capabilities, and how to develop and deploy them. It uses hands-on code demos in Hugging Face and PyTorch Lightning.

    https://www.kdnuggets.com/2023/07/generative-ai-large-language-models-handson-training.html

  • Neural Networks and Deep Learning: A Textbook (2nd Edition)

    The second edition of the book Neural Networks and Deep Learning is now available. This book covers both classical and modern models in deep learning. The book is intended to be a textbook for universities, and it covers the theoretical and algorithmic aspects of deep learning. The second edition is significantly expanded and covers many modern topics such as graph neural networks, adversarial learning, attention mechanisms, transformers, and large language models.

    https://www.kdnuggets.com/2023/07/aggarwal-neural-networks-deep-learning-textbook-2nd-edition.html

  • Build AI Chatbot in 5 Minutes with Hugging Face and Gradio

    Learn to create a Gradio chatbot using low code techniques directly in your browser with this easy-to-follow tutorial.

    https://www.kdnuggets.com/2023/06/build-ai-chatbot-5-minutes-hugging-face-gradio.html

  • Stable Diffusion: Basic Intuition Behind Generative AI

    This article provides a general overview of Stable Diffusion and focuses on building a basic understanding of how generative artificial intelligence works.

    https://www.kdnuggets.com/2023/06/stable-diffusion-basic-intuition-behind-generative-ai.html

  • More Free Courses on Large Language Models

    Interested in learning about large language models? Get up and running with these free courses from DeepLearning.AI, Google Cloud, Udacity, and more.

    https://www.kdnuggets.com/2023/06/free-courses-large-language-models.html

  • A Practical Guide to Transfer Learning using PyTorch

    In this article, we’ll learn to adapt pre-trained models to custom classification tasks using a technique called transfer learning. We will demonstrate it for an image classification task using PyTorch, and compare transfer learning on 3 pre-trained models, Vgg16, ResNet50, and ResNet152.

    https://www.kdnuggets.com/2023/06/practical-guide-transfer-learning-pytorch.html

  • Your Ultimate Guide to Chat GPT and Other Abbreviations

    Everyone seems to have gone crazy about ChatGPT, which has become a cultural phenomenon. If you’re not on the ChatGPT train yet, this article might help you better understand the context and excitement around this innovation.

    https://www.kdnuggets.com/2023/06/ultimate-guide-chat-gpt-abbreviations.html

  • Free Full Stack LLM Bootcamp

    Want to learn more about LLMs and build cool LLM-powered applications? This free Full Stack LLM Bootcamp is all you need!

    https://www.kdnuggets.com/2023/06/free-full-stack-llm-bootcamp.html

  • AI: Large Language & Visual Models

    This article discusses the significance of large language and visual models in AI, their capabilities, potential synergies, challenges such as data bias, ethical considerations, and their impact on the market, highlighting their potential for advancing the field of artificial intelligence.

    https://www.kdnuggets.com/2023/06/ai-large-language-visual-models.html

  • Falcon LLM: The New King of Open-Source LLMs

    Falcon LLM, is the new large language model that has taken the crown from LLaMA.

    https://www.kdnuggets.com/2023/06/falcon-llm-new-king-llms.html

  • Ten Years of AI in Review

    From image classification to chatbot therapy.

    https://www.kdnuggets.com/2023/06/ten-years-ai-review.html

  • RedPajama Project: An Open-Source Initiative to Democratizing LLMs

    Leading project to Empower the Community through Accessible Large Language Models.

    https://www.kdnuggets.com/2023/06/redpajama-project-opensource-initiative-democratizing-llms.html

  • Introducing MPT-7B: A New Open-Source LLM

    An LLM Trained on 1T Tokens of Text and Code by MosaicML Foundation Series.

    https://www.kdnuggets.com/2023/05/introducing-mpt7b-new-opensource-llm.html

  • A Deep Dive into GPT Models: Evolution & Performance Comparison

    The blog focuses on GPT models, providing an in-depth understanding and analysis. It explains the three main components of GPT models: generative, pre-trained, and transformers.

    https://www.kdnuggets.com/2023/05/deep-dive-gpt-models.html

  • What Are Foundation Models and How Do They Work?

    Foundation models represent a significant advancement in AI, enabling versatile and high-performing models that can be applied across various domains, such as NLP, computer vision, and multimodal tasks.

    https://www.kdnuggets.com/2023/05/foundation-models-work.html

  • What are Large Language Models and How Do They Work?

    Large language models represent a significant advancement in natural language processing and have transformed the way we interact with language-based technology. Learn why they’re important and how they work.

    https://www.kdnuggets.com/2023/05/large-language-models-work.html

  • The Ultimate Open-Source Large Language Model Ecosystem

    GPT4ALL is a project that provides everything you need to work with state-of-the-art open-source large language models.

    https://www.kdnuggets.com/2023/05/ultimate-opensource-large-language-model-ecosystem.html

  • Bark: The Ultimate Audio Generation Model

    Bark is a versatile audio generation model that supports multi-language, music, voice cloning, and speaker prompts audio generation.

    https://www.kdnuggets.com/2023/05/bark-ultimate-audio-generation-model.html

  • ChatGLM-6B: A Lightweight, Open-Source ChatGPT Alternative

    Want to run and fine-tune LLMs on your machine? Learn more about ChatGLM-6B, a lightweight and open-source LLM that you can run locally.

    https://www.kdnuggets.com/2023/04/chatglm6b-lightweight-opensource-chatgpt-alternative.html

  • What Is ChatGPT Doing and Why Does It Work?

    In this article, we will explain how ChatGPT works and why it is able to produce coherent and diverse conversations.

    https://www.kdnuggets.com/2023/04/chatgpt-work.html

  • A Guide to Top Natural Language Processing Libraries

    Natural Language Processing is one of the hottest areas of research. While NLP tasks may seem a bit complicated at first, they can be made easier by using the right tools. This article covers a list of the top 6 NLP Libraries that can save you time and effort.

    https://www.kdnuggets.com/2023/04/guide-top-natural-language-processing-libraries.html

  • Mastering Generative AI and Prompt Engineering: A Free eBook

    In short, generative AI — and the prompts that power them — are everywhere. But beyond the basics, what do you really know about either? Perhaps you would find a concise, focused ebook on the topics useful.

    https://www.kdnuggets.com/2023/04/free-ebook-mastering-generative-ai-prompt-engineering.html

  • Post GPT-4: Answering Most Asked Questions About AI

    Is AI overhyped, or is there a valid reason to be afraid?

    https://www.kdnuggets.com/2023/04/post-gpt4-answering-asked-questions-ai.html

  • How ChatGPT Works: The Model Behind The Bot

    A brief introduction to the intuition and methodology behind the chatbot you can’t stop hearing about.

    https://www.kdnuggets.com/2023/04/chatgpt-works-model-behind-bot.html

  • Best Architecture for Your Text Classification Task: Benchmarking Your Options

    We want to show a real-life example of text classification models based on the most recent algorithms and pre-trained models with their respective benchmarks.

    https://www.kdnuggets.com/2023/04/best-architecture-text-classification-task-benchmarking-options.html

  • 8 Open-Source Alternative to ChatGPT and Bard

    Discover the widely-used open-source frameworks and models for creating your ChatGPT like chatbots, integrating LLMs, or launching your AI product.

    https://www.kdnuggets.com/2023/04/8-opensource-alternative-chatgpt-bard.html

  • Introducing the Testing Library for Natural Language Processing

    Deliver reliable, safe and effective NLP models.

    https://www.kdnuggets.com/2023/04/introducing-testing-library-natural-language-processing.html

  • 5 Essential AI Tools for Data Science

    Learn how Bard, Bing, ChatGPT, GitHub Copilot, and Hugging Face are improving data scientists' work life.

    https://www.kdnuggets.com/2023/04/5-essential-ai-tools-data-science.html

  • Visual ChatGPT: Microsoft Combine ChatGPT and VFMs

    Microsoft announces Visual ChatGPT for talking, drawing, and editing with visual foundation models.

    https://www.kdnuggets.com/2023/03/visual-chatgpt-microsoft-combine-chatgpt-vfms.html

  • Introduction to Python Libraries for Data Cleaning

    Accelerate your data-cleaning process without a hassle.

    https://www.kdnuggets.com/2023/03/introduction-python-libraries-data-cleaning.html

  • Learn About Large Language Models

    An introduction to Large Language Models, what they are, how they work, and use cases.

    https://www.kdnuggets.com/2023/03/learn-large-language-models.html

  • Multi-label NLP: An Analysis of Class Imbalance and Loss Function Approaches

    In this comprehensive article, we have demonstrated that a seemingly simple task of multi-label text classification can be challenging when traditional methods are applied. We have proposed the use of distribution-balancing loss functions to tackle the issue of class imbalance.

    https://www.kdnuggets.com/2023/03/multilabel-nlp-analysis-class-imbalance-loss-function-approaches.html

  • Top Machine Learning Papers to Read in 2023

    These curated papers would step up your machine-learning knowledge.

    https://www.kdnuggets.com/2023/03/top-machine-learning-papers-read-2023.html

  • GPT-4: Everything You Need To Know

    KDnuggets Top Blog A new model by OpenAI with improved natural language generation and understanding capabilities.

    https://www.kdnuggets.com/2023/03/gpt4-everything-need-know.html

  • New ChatGPT and Whisper APIs from OpenAI

    A quick overview of ChatGPT and Whisper models API.

    https://www.kdnuggets.com/2023/03/new-chatgpt-whisper-apis-openai.html

  • First Open Source Implementation of DeepMind’s AlphaTensor

    The first open-source implementation of AlphaTensor has been released and opens the door for new developments to revolutionize the computational performance of deep learning models.

    https://www.kdnuggets.com/2023/03/first-open-source-implementation-deepmind-alphatensor.html

  • ChatGPT vs Google Bard: A Comparison of the Technical Differences

    KDnuggets Top Blog The Biggest Rivalry: ChatGPT vs Google Bard! Here's a comparison of the technical differences between the two AI engines.

    https://www.kdnuggets.com/2023/03/chatgpt-google-bard-comparison-technical-differences.html

  • Top Free Courses on Large Language Models

    Interested in learning how ChatGPT and other AI chatbots work under the hood? Look no further. Check out these free courses and resources on large language models from Stanford, Princeton, ETH, and more.

    https://www.kdnuggets.com/2023/03/top-free-courses-large-language-models.html

  • What is Google AI Bard?

    Google responds to OpenAI’s ChatGPT with their own AI chatbot, Google Bard.

    https://www.kdnuggets.com/2023/03/google-ai-bard.html

  • Must Read NLP Papers from the Last 12 Months

    The era of large language models is here now.

    https://www.kdnuggets.com/2023/03/must-read-nlp-papers-last-12-months.html

  • 7 Best Tools for Machine Learning Experiment Tracking

    Tools for organizing machine learning experiments, source code, artifacts, models registry, and visualization in one place.

    https://www.kdnuggets.com/2023/02/7-best-tools-machine-learning-experiment-tracking.html

  • Why Data Scientists Expect Flawed Advice From Google Bard

    First reported by Reuters, Bard returned an inaccurate response, leading to a drop in Alphabet’s (GOOGL) stock price by as much as 9% on the day of the demonstration. For many in the data community, this did not come as a surprise; here’s why.

    https://www.kdnuggets.com/2023/02/data-scientists-expect-flawed-advice-google-bard.html

  • 5 Free Tools For Detecting ChatGPT, GPT3, and GPT2

    KDnuggets Top Blog Top free tools to check research papers, thesis, assignments, documentation, and draft for AI content detection.

    https://www.kdnuggets.com/2023/02/5-free-tools-detecting-chatgpt-gpt3-gpt2.html

Refine your search here: