kaeken(嘉永島健司)Techブログ

主に情報科学/情報技術全般に関する知見をポストします。(最近は、特にData Science、機械学習、深層学習、統計学、Python、数学、ビッグデータ)

Learn Generative AI from DeepLearning.AI Short Courses 概要まとめ

Short Courses | Learn Generative AI from DeepLearning.AI

  • Andrew Ng氏率いるDeepLearning.AIにて、Gen AIショートコースが多数リリースされており、その概要を紹介

  • 2024/02現在22コース

ChatGPT Prompt Engineering for Developers

  • Title: ChatGPT Prompt Engineering for Developers
  • Summary:

    • Collaboration: Developed in collaboration with OpenAI, aimed at teaching developers to utilize large language models (LLMs) for application development.
    • Content: Covers using OpenAI API for tasks like text summarization, sentiment inference, text transformation, and email automation. Taught by Isa Fulford and Andrew Ng.
    • Learning Outcomes: Participants will learn prompt writing principles, prompt engineering techniques, and build a custom chatbot with hands-on practice in a Jupyter notebook environment.
    • Audience: Suitable for beginners with basic Python knowledge to advanced machine learning engineers.
    • Access: Offered for free during the DeepLearning.AI learning platform beta, reflecting the latest best practices for prompt use with LLMs.
    • Opportunity: Highlights the potential for AI engineers to create powerful applications quickly with generative AI.
  • タイトル: ChatGPTプロンプトエンジニアリング for Developers

  • 要約:
    • 共同開発: OpenAIとの共同開発で、開発者がアプリケーション開発において大規模言語モデル(LLM)を効果的に活用する方法を教えることを目的としています。
    • コンテンツ: テキストの要約、感情やトピックの推測、テキスト変換(翻訳や文法訂正を含む)、自動メール作成などのタスクにOpenAI APIを使用する方法をカバーしています。Isa FulfordとAndrew Ngが教えます。
    • 学習成果: 効果的なプロンプトの書き方の原則、良いプロンプトの体系的なエンジニアリング方法を学び、コース中に提供されるJupyterノートブック環境での実践的な練習を通じてカスタムチャットボットを構築する機会を得られます。
    • 対象者: Pythonの基本的な知識を持つ初心者から、プロンプトエンジニアリングの最先端に関心を持つ上級機械学習エンジニアまで幅広く設計されています。
    • アクセス: DeepLearning.AIの学習プラットフォームベータ版の期間中は無料で提供され、LLMの最新のベストプラクティスを反映しています。
    • 機会: AIエンジニアが生成AIを用いて迅速に強力なアプリケーションを構築する機会を強調し、これらの技術によって可能になる革命的な能力を強調しています。

LangChain for LLM Application Development

  • Title: "LangChain for LLM Application Development"
  • Summary: A collaborative short course by LangChain, led by Harrison Chase and Andrew Ng, designed to enhance the application and functionality of language models using LangChain.
  • Key Learnings:
    • Models, Prompts, and Parsers: Effective interaction with LLMs.
    • Memories for LLMs: Storing conversations and managing context.
    • Chains: Creating sequences of operations.
    • Question Answering over Documents: Applying LLMs to proprietary data.
    • Agents: Exploring LLMs as reasoning agents.
  • Outcome: Participants will develop a foundational model for application exploration.
  • Target Audience: Beginner-friendly, beneficial for those with basic Python skills.
  • Access: Free for a limited time during the DeepLearning.AI learning platform beta.
  • Opportunity: Learn to leverage language models for creating applications quickly.

  • タイトル: "LangChain for LLM Application Development"

  • 概要: LangChainとのコラボレーションによる短期コースで、Harrison ChaseとAndrew Ngが共同で指導します。このコースは、LangChainフレームワークを使用して言語モデルの応用と機能を拡張するために必要なスキルを参加者に装備させることを目的としています。
  • 主な学習内容:
    • モデル、プロンプト、パーサー: LLMとの効果的なやり取り。
    • LLMのためのメモリ: 会話の保存とコンテキストの管理。
    • チェーン: 操作のシーケンスの作成。
    • 文書に対する質問応答: 専有データにLLMを適用する。
    • エージェント: LLMを推論エージェントとして探求する。
  • 成果: アプリケーション探索のための基礎モデルの開発。
  • 対象者: 初心者に優しい、基本的なPythonスキルを持つ人に特に有益。
  • アクセス: DeepLearning.AIの学習プラットフォームベータ版中は限定時間無料でアクセス可能。
  • 機会: 強力な言語モデルを活用して迅速にアプリケーションを作成する方法を学ぶ。

How Diffusion Models Work

  • Title: How Diffusion Models Work
    This course offers an in-depth look at diffusion models, key in generative AI, taught by Sharon Zhou. It blends theory and practical skills for creating diffusion models.
  • Learn to build, train, and optimize diffusion models from scratch.
    Explore the diffusion process and neural network construction for noise prediction.
  • Gain hands-on experience with sampling, training, and labs.
    Utilize built-in Jupyter notebooks for practical exercises.
  • Suited for those with Python, Tensorflow, or Pytorch knowledge.
    Free access during the DeepLearning.AI beta phase.

  • タイトル: 拡散モデルの仕組み
    このコースは、ジェネレーティブAIの鍵である拡散モデルについて、Sharon Zhouによって教えられる深い洞察を提供します。理論と実践スキルを組み合わせて、ゼロから拡散モデルを作成します。

  • ゼロから拡散モデルを構築、トレーニング、最適化する方法を学ぶ。
    拡散プロセスとノイズ予測のためのニューラルネットワーク構築を探求する。
  • サンプリング、トレーニング、およびラボでの実践経験を得る。
    実践的な演習のための組み込みJupyterノートブックを利用する。
  • Python、Tensorflow、またはPytorchの知識を持つ人に適している。
    DeepLearning.AIのベータフェーズ中は無料アクセスが提供される。

Building Systems with the ChatGPT API

Title: Building Systems with the ChatGPT API

Summary:

  • Course Overview: A collaborative course designed to teach efficient, multi-step system creation using large language models (LLMs).
  • Key Skills Taught: Automating workflows with chain calls, integrating Python code with LLM completions and prompts, and developing a customer service chatbot.
  • Practical Applications: Focuses on classifying user queries, evaluating for safety, and processing tasks for multi-step reasoning.
  • Instructors: Taught by Isa Fulford (OpenAI) and Andrew Ng (DeepLearning.AI & Coursera).
  • Prerequisites: No prior completion of "ChatGPT Prompt Engineering for Developers" required, though the course builds on its teachings.
  • Course Features: Hands-on examples, built-in Jupyter notebooks for real-time experimentation.
  • Target Audience: Suitable for beginners with basic Python skills and intermediate or advanced machine learning engineers.
  • Collaboration and Accessibility: Offered in collaboration with OpenAI, reflects responsible LLM performance optimization practices, temporarily free access during the DeepLearning.AI platform beta phase.

タイトル: ChatGPT APIを使用したシステム構築

要約:

  • コース概要: 大規模言語モデル(LLM)を使用して、効率的な多段階システムを作成する方法を教える共同コース。
  • 教えられる主要スキル: チェーンコールを使用したワークフローの自動化、LLMの完成とプロンプトとのPythonコードの統合、コースの技術を使用したカスタマーサービスチャットボットの開発。
  • 実践的な応用: ユーザークエリの分類、安全性の評価、複数ステップの推論のためのタスク処理に焦点を当てる。
  • 講師: Isa Fulford(OpenAI)とAndrew Ng(DeepLearning.AI&Coursera)による指導。
  • 前提条件: 「ChatGPT Prompt Engineering for Developers」の事前完了は必要ありませんが、その教訓に基づいています。
  • コースの特徴: 実践的な例、リアルタイムの実験のための組み込みJupyterノートブック。
  • 対象者: 基本的なPythonスキルを持つ初心者や、プロンプトエンジニアリングスキルを向上させたい中級者または上級者の機械学習エンジニアに適しています。
  • 共同開催およびアクセス性: OpenAIとの共同提供で、LLMのパフォーマンスを責任を持って最適化する最新のベストプラクティスを反映しています。DeepLearning.AIプラットフォームのベータフェーズ中は一時的に無料アクセスが提供され、開発者が生成AIツールを活用できるようにすることを目指しています。

LangChain: Chat with Your Data

  • Title: "LangChain Course Overview: Mastering Data Interaction"

  • Document Loading: Introduction to data loading fundamentals and exploration of over 80 unique loaders for accessing a wide range of data sources, including audio and video.

  • Document Splitting: Guidance on effective data splitting practices.
  • Vector Stores and Embeddings: Insights into embeddings and the integration of vector stores within LangChain for efficient data handling.
  • Retrieval: Advanced strategies for data access and indexing in the vector store to fetch highly relevant information.
  • Question Answering: Development of a straightforward question-answering system.
  • Chat: Techniques for tracking and leveraging relevant information from conversations and data sources to build a personalized chatbot using LangChain.

  • タイトル: "LangChain コース概要: データインタラクションの習得"

  • ドキュメントの読み込み: データ読み込みの基礎と、オーディオやビデオを含む様々なデータソースへのアクセスのための80以上のユニークなローダーの探索についての紹介。

  • ドキュメントの分割: 効果的なデータ分割実践に関するガイダンス。
  • ベクターストアとエンベディング: エンベディングとLangChain内のベクターストアの統合に関する洞察で、効率的なデータ取り扱いを実現。
  • 検索: ベクターストアでのデータアクセスと索引付けの高度な戦略により、非常に関連性の高い情報を取得。
  • 質問応答: 直接的な質問応答システムの開発。
  • チャット: 会話やデータソースから関連情報を追跡し、利用してLangChainを使用したパーソナライズされたチャットボットを構築する技術。

Finetuning Large Language Models

  • Title: Finetuning Large Language Models
  • Summary: This short course, created in collaboration with Lamini, teaches the fundamentals of finetuning large language models. It explains the differences between finetuning and prompt engineering and offers guidance on when to use each technique.
  • Instructor: Sharon Zhou, Co-Founder and CEO of Lamini, provides expertise in finetuning, alongside her experience in GANs and Diffusion Models.
  • Key Learnings:
    • Understand when and how to apply finetuning to LLMs
    • Prepare data for finetuning
    • Train and evaluate an LLM with your data
  • Target Audience: The course is ideal for those familiar with Python and deep learning frameworks like PyTorch, looking to learn finetuning techniques and applications.
  • Access: Free access during the DeepLearning.AI learning platform beta phase.
  • Additional Offerings: Updates on Generative AI, including AI news, courses, events, and insights from DeepLearning.AI.

  • タイトル: 大規模言語モデルのファインチューニング
  • 要約: この短期コースは、Laminiとの協力により提供され、大規模言語モデルのファインチューニングの基礎を教えます。ファインチューニングとプロンプトエンジニアリングの違いを説明し、各技術をいつ使用するかについてのガイダンスを提供します。
  • 講師: Sharon Zhou(Laminiの共同創設者兼CEO)は、ファインチューニングにおける専門知識を提供し、GANと拡散モデルのコースでの経験を持ちます。
  • 学びのポイント:
    • LLMにファインチューニングを適用するタイミングと方法を理解する
    • ファインチューニングのためのデータを準備する
    • あなたのデータでLLMを訓練し評価する
  • 対象者: PythonとPyTorchのような深層学習フレームワークを理解している方で、ファインチューニングの技術と応用を学びたい方に最適です。
  • アクセス: DeepLearning.AI学習プラットフォームのベータフェーズ中は無料でアクセス可能。
  • 追加オファリング: 生成AIに関する更新情報、AIニュース、コース、イベント、DeepLearning.AIからの洞察を提供します。

Large Language Models with Semantic Search

  • Title: Large Language Models with Semantic Search
  • Summary:
    • Collaboration: A course developed with Jay Alammar and Luis Serrano to improve keyword search capabilities.
    • Audience: Aimed at individuals with basic Python knowledge interested in LLMs and semantic search.
    • Objective: To enhance keyword search using LLMs for a better search experience on content-rich websites.
    • Key Learnings:
      • Understand and implement basic keyword search.
      • Enhance searches with rerank methods for improved relevance.
      • Employ dense retrieval techniques using embeddings to enhance search result quality by understanding text's semantic meaning.
    • Practical Experience: Hands-on practice with large datasets, tackling search accuracy and consistency challenges, and integrating LLM-powered search into projects.
    • Accessibility: Free access during the DeepLearning.AI learning platform beta phase.
    • Benefits: Ideal for those seeking to grasp LLM technical foundations and apply semantic search effectively.

  • タイトル: 大規模言語モデルとセマンティック検索
  • 要約:
    • 共同作業: キーワード検索能力を向上させるために、Jay AlammarとLuis Serranoとの共同開発コース。
    • 対象者: LLMとセマンティック検索に興味がある基本的なPython知識を持つ個人向け。
    • 目的: LLMを使用してキーワード検索を強化し、コンテンツ豊富なウェブサイトでの検索体験を改善する。
    • 主な学習内容:
      • 基本的なキーワード検索を理解し、実装する。
      • 改善された関連性のために、検索を再ランキング方法で強化する。
      • テキストのセマンティックな意味を理解することで検索結果の品質を大幅に向上させるために、埋め込みを使用して密集した検索技術を使用する。
    • 実践経験: 大規模なデータセットを扱う実践的な経験、検索の正確性と一貫性の課題に対処し、プロジェクトにLLM駆動型検索を統合する。
    • アクセス可能性: DeepLearning.AI学習プラットフォームベータ版中は無料アクセス。
    • メリット: LLMの技術的基礎を理解し、効果的にセマンティック検索技術を適用したい人に最適。

Building Generative AI Applications with Gradio

  • Title: Building Generative AI Applications with Gradio
  • Summary: A collaborative short course by Apolinário Passos from Hugging Face, teaching rapid development of machine learning applications.
  • Learn how to:
    • Create user-friendly apps for image generation, image captioning, and text summarization accessible to non-coders.
    • Develop a chat interface with Falcon, the leading open-source LLM.
  • Course Features:

    • Interactive applications that can be shared on Hugging Face Spaces.
    • Target Audience: Individuals with basic Python skills.
    • Free access for a limited time during the DeepLearning.AI platform beta.
    • Promotes continuous learning in Generative AI with updates on news, courses, and events.
  • タイトル: Gradioを使った生成AIアプリケーションの構築

  • 要約: Hugging Faceのアポリナリオ・パッソスによる協力短期コースで、機械学習アプリケーションの迅速な開発を教えます。
  • 学べること:
    • ユーザーフレンドリーなアプリの作成 非コーダーでもアクセス可能な画像生成、画像キャプション作成、テキスト要約のための。
    • チャットインターフェースの開発 先頭を走るオープンソースLLMであるFalconと。
  • コースの特徴:
    • Hugging Face Spacesで共有可能なインタラクティブアプリケーション。
    • 対象者: 基本的なPythonスキルを持つ個人。
    • DeepLearning.AIプラットフォームベータ中は限定時間無料アクセス。
    • 生成AIにおける継続的な学習を促進 ニュース、コース、イベントの更新情報付き。

Evaluating and Debugging Generative AI Models Using Weights and Biases

Title: "Evaluating and Debugging Generative AI Models Using Weights and Biases"

Summary:

  • Learn to evaluate and debug LLMs and generative image models: Gain skills in using platform-independent tools for instrumenting training notebooks, including tracking, versioning, and logging.
  • Implement monitoring and tracing of LLMs: Focus on monitoring and tracing large language models over time during complex interactions.
  • Master Machine Learning Operations tools: Manage large datasets, diverse data sources, model development, and parameter tuning.
  • Use Weights & Biases for collaboration: Utilize the platform for experiment tracking, data versioning, and team collaboration.
  • Instrument a Jupyter notebook: Guide on managing hyperparameter configuration, logging run metrics, and collecting artifacts.
  • Trace prompts and responses over time: Learn techniques to trace interactions with LLMs over time.
  • Target audience: Ideal for those with a basic understanding of Python and frameworks like PyTorch, looking to enhance productivity in AI projects.
  • Instructor: Carey Phelps, founding product manager at Weights & Biases.
  • Course access: Free for a limited time during the DeepLearning.AI learning platform beta.

タイトル: "Weights & Biasesを使用した生成AIモデルの評価とデバッグ"

要約:

  • LLMおよび生成画像モデルの評価とデバッグを学ぶ:レーニングノートブックを装備するためのプラットフォーム独立型ツールの使用スキルを習得します。トラッキング、バージョニング、ログ記録を含む。
  • LLMのモニタリングとトレーシングを実装する: 複雑な相互作用の中で時間をかけて大規模言語モデルをモニタリングし、トレースすることに焦点を当てます。
  • 機械学習オペレーションツールをマスターする: 大規模なデータセット、多様なデータソース、モデル開発、およびパラメータチューニングを管理します。
  • コラボレーションのためのWeights & Biasesを使用する: 実験追跡、データバージョニング、およびチームコラボレーションのためのプラットフォームを利用します。
  • Jupyterノートブックを装備する: ハイパーパラメータ設定の管理、実行メトリックのログ記録、およびアーティファクトの収集に関するガイド。
  • 時間をかけてプロンプトと応答をトレースする: 時間をかけてLLMとの相互作用をトレースする技術を学びます。
  • 対象者: PythonおよびPyTorchのようなフレームワークの基本的な理解を持つ人々を対象とし、AIプロジェクトにおける生産性を向上させ、重要な結果への旅を加速させることを約束します。
  • 講師: Weights & Biasesの創設プロダクトマネージャー、Carey Phelps。
  • コースアクセス: DeepLearning.AI学習プラットフォームベータ版中は限定時間無料でアクセスできます。

Building Applications with Vector Databases

Title: Building Applications with Vector Databases

  • Hybrid Search Apps: Create applications that perform searches using both text and images for improved results.
  • Facial Similarity Apps: Develop apps to measure and rank facial similarity between different individuals.
  • Semantic Search Tools: Build tools that focus on the meaning of content for more efficient text-based searches.
  • Content Augmentation for LLMs: Enhance LLM applications by incorporating content from external datasets like Wikipedia.
  • Recommender Systems: Develop systems that combine semantic search with content augmentation to recommend topics.
  • Anomaly Detection Apps: Learn to identify unusual patterns in network communications.

Vector databases use embeddings to understand data, measure similarity, and navigate large datasets. This course, led by Tim Tully and offered in collaboration with Pinecone, is designed for beginners in Python, machine learning, and LLMs, and is temporarily free during the DeepLearning.AI platform beta.

  • ハイブリッド検索アプリ: テキストと画像の両方を使用した検索を行うアプリケーションを作成します。
  • 顔の類似性アプリ: 異なる個人間の顔の類似性を測定し、ランク付けするアプリを開発します。
  • セマンティック検索ツール: コンテンツの意味に焦点を当て、より効率的なテキストベースの検索を行うツールを構築します。
  • LLMのためのコンテンツ拡張: ウィキペディアなどの外部データセットからのコンテンツを取り入れて、LLMアプリケーションを強化します。
  • 推薦システム: セマンティック検索とコンテンツ拡張を組み合わせて、トピックを推薦するシステムを開発します。
  • 異常検出アプリ: ネットワーク通信での異常なパターンを識別する方法を学びます。

ベクターデータベースは、データを理解し、類似性を測定し、大規模なデータセットをナビゲートするためにエンベディングを使用します。このコースは、Python機械学習、およびLLMの基礎知識を持つ個人を対象としており、Tim Tullyが指導し、Pineconeとの協力のもと提供されます。DeepLearning.AIプラットフォームのベータ期間中は無料で、生成AIとベクターデータベースアプリケーションの知識を拡張する絶好の機会を提供します。

Automated Testing for LLMOps

  • Title: "Automated Testing for LLMOps"
  • Summary:

    • Teaches automated testing for LLM applications.
    • Highlights differences between traditional and LLM-based testing.
    • Focuses on rules-based and model-graded evaluations using CI tools.
    • Emphasizes continuous integration in LLMOps to minimize development time and costs.
    • Covers creating LLM evaluations, building and orchestrating CI workflows.
    • Targeted at those with basic Python knowledge and LLM application building experience.
    • Led by Rob Zuber, CTO at CircleCI.
    • Offered for free during the DeepLearning.AI platform beta phase.
  • タイトル: "LLMOpsのための自動テスト"

  • 要約:
    • LLMアプリケーションのための自動テストを教えます。
    • 伝統的なテストとLLMベースのテストの違いを強調します。
    • CIツールを使用したルールベースとモデルグレードの評価に焦点を当てます。
    • 開発時間とコストを最小限に抑えるためにLLMOpsにおける継続的統合の重要性を強調します。
    • LLM評価の作成、CIワークフローの構築と調整をカバーします。
    • Pythonの基本知識とLLMアプリケーション構築経験がある人を対象とします。
    • CircleCIのCTO、ロブ・ズーバーが指導します。
    • DeepLearning.AIプラットフォームのベータフェーズ中に無料で提供されます。

LLMOps

Title: LLMOps

Summary:
- Key Learnings: Preprocess training data, adapt a tuning pipeline for custom LLMs, version data and models, configure and execute tuning pipelines, and analyze safety scores. - Tools: Practice with BigQuery, Kubeflow Pipelines, and Google Cloud. - Audience: Suitable for anyone interested in LLM tuning and LLMOps pipeline development. - Instructor: Erwin Huizenga, Machine Learning Technical Lead at Google. - Offer: Free access during the DeepLearning.AI beta phase.

タイトル: LLMOps

要約:
- 主要な学び:レーニングデータの前処理、カスタムLLMのためのチューニングパイプラインの適応、データとモデルのバージョニング、チューニングパイプラインの設定と実行、安全性スコアの分析。 - ツール: BigQuery、Kubeflow Pipelines、Google Cloudを使用する実践。 - 対象者: LLMのチューニングとLLMOpsパイプラインの開発に興味がある人。 - 講師: Googleのマシンラーニングテクニカルリード、エルウィン・ハイゼンガ。 - オファー: DeepLearning.AIのベータフェーズ中は無料アクセス。

Build LLM Apps with LangChain.js

  • Title: "Build LLM Apps with LangChain.js"
  • Summary:

    • Learn the Fundamentals: Understand how to use the LangChain JavaScript library to orchestrate and combine different modules.
    • Data Loading and Preparation: Learn how to effectively load and prepare data to provide context for LLM generations.
    • Techniques for Data Retrieval and Presentation: Explore methods for retrieving and presenting data in a conversational retrieval chain.
    • Create Context-Aware Applications: Become familiar with LangChain.js to build powerful, context-aware applications using JavaScript.
    • Understand Key Concepts: Grasp LangChain's abstractions, the basics of retrieval augmented generation (RAG), and the structure for conversational retrieval systems.
    • Target Audience: Aimed at those with intermediate JavaScript skills interested in machine learning applications.
    • Instructor: Led by Jacob Lee, LangChain.js Lead Maintainer and Founding Software Engineer.
    • Free Access: Course access is free for a limited time during the DeepLearning.AI learning platform beta.
    • Further Learning: Participants are encouraged to engage with Generative AI through updates on AI news, courses, events, and insights from DeepLearning.AI.
  • タイトル: "LangChain.jsでLLMアプリを構築する"

  • 概要:
    • 基礎を学ぶ: LangChain JavaScriptライブラリを使用して異なるモジュールを調整し組み合わせる方法を理解する。
    • データのロードと準備: LLM生成に必要なコンテキストを提供するために、データを効果的にロードし準備する方法を学ぶ。
    • データ取得と表示の技術: 会話型検索チェーン内でデータを取得し表示する方法を探る。
    • コンテキスト認識アプリケーションを作成: JavaScriptを使用して強力なコンテキスト認識アプリケーションを構築するためにLangChain.jsに慣れる。
    • 重要な概念を理解: LangChainの抽象化、検索拡張生成(RAG)の基礎、およびチャットボット開発のための会話型検索システムの構造を把握する。
    • 対象者: 機械学習アプリケーションに興味がある中級JavaScriptスキルを持つ人々を対象としている。
    • 講師: LangChain.jsのリードメンテナー兼創設ソフトウェアエンジニア、Jacob Leeによって主導される。
    • 無料アクセス: DeepLearning.AI学習プラットフォームベータ版中は、限定時間でコースアクセスが無料になる。
    • さらなる学習: 参加者は、AIニュース、コース、イベント、およびDeepLearning.AIからの洞察を通じて、Generative AIの学習機会に参加することを奨励されている。

Advanced Retrieval for AI with Chroma

Title: "Advanced Retrieval for AI with Chroma"

Summary: This course offers advanced techniques for improving the relevance of search results using a large language model (LLM) for information retrieval. It is ideal for those facing issues with ineffective queries. Participants will learn to identify poor queries, enhance query formulation using LLMs, and refine search outcomes through user feedback on embeddings.

  • Query Expansion: Enhance queries with related concepts and leverage LLMs for suggesting answers.
  • Cross-encoder Reranking: Prioritize the most relevant search results through reranking.
  • Training and Utilizing Embedding Adapters: Modify embeddings with an adapter layer to focus on application-specific elements.

Designed for those with intermediate Python skills interested in advanced data retrieval methods from vector databases. Led by Anton Troynikov, a co-founder of Chroma, the course is free during the DeepLearning.AI learning platform beta. Participants are also encouraged to follow updates on Generative AI from DeepLearning.AI.

タイトル: 「ChromaによるAIのための高度な検索」

要約: このコースは、情報検索用の大規模言語モデル(LLM)を使用して検索結果の関連性を向上させるための高度な技術を提供します。効果的でないクエリに問題を抱えている人に最適です。参加者は、劣悪なクエリを識別し、LLMを使用してクエリの形式を強化し、エンベディングに対するユーザーフィードバックを通じて検索結果を洗練させる方法を学びます。

  • クエリ拡張: 関連する概念を使用してクエリを強化し、LLMを利用して回答を提案します。
  • クロスエンコーダ再ランキング: 再ランキングを通じて最も関連性の高い検索結果を優先します。
  • エンベディングアダプターのトレーニングと利用: アプリケーション固有の要素に焦点を当てるために、エンベディングを変更するアダプターレイヤーを実装します。

ベクターデータベースからのデータ検索方法を学びたい中級レベルのPythonスキルを持つ人向けに設計されています。講師はChromaの共同創設者であるAnton Troynikovです。このコースはDeepLearning.AIの学習プラットフォームベータフェーズの間、無料で提供されます。参加者は、DeepLearning.AIからのGenerative AIに関する更新情報、コース、イベントをフォローすることも奨励されています。

Reinforcement Learning from Human Feedback

  • Title: Reinforcement Learning from Human Feedback (RLHF)
  • Summary: A guide for aligning Large Language Models with human values using RLHF. It includes fine-tuning the Llama 2 model with Google Cloud tools, exploring essential datasets, and evaluating model performance.
  • Key Points:

    • Explore Datasets: Learn about "preference" and "prompt" datasets for RLHF.
    • Fine-Tuning: Use Google Cloud Pipeline Components Library for fine-tuning Llama 2.
    • Evaluate Performance: Compare tuned and base models using loss curves and SxS method.
    • Target Audience: Individuals with intermediate Python skills interested in RLHF.
    • Instructor: Nikita Namjoshi, Developer Advocate for Generative AI at Google Cloud.
    • Course Access: Free during the DeepLearning.AI learning platform beta.
    • Continued Learning: Encourages further exploration in Generative AI.
  • タイトル: ヒューマンフィードバックからの強化学習 (RLHF)

  • 要約: RLHFを使用してヒューマンバリューに大規模言語モデルを合わせるためのガイド。Google Cloudツールを使用したLlama 2モデルのファインチューニング、重要なデータセットの探索、およびモデルパフォーマンスの評価が含まれます。
  • キーポイント:
    • データセットを探る: RLHFのための「好み」と「プロンプト」データセットについて学ぶ。
    • ファインチューニング: Google Cloud Pipeline Components Libraryを使用してLlama 2をファインチューニングする。
    • パフォーマンスを評価する: 損失曲線とSxSメソッドを使用して、チューニングされたモデルとベースモデルを比較する。
    • 対象者: RLHFに興味のある中級Pythonスキルを持つ個人。
    • 講師: Nikita Namjoshi、Google CloudのGenerative AIの開発者アドボケート。
    • コースアクセス: DeepLearning.AI学習プラットフォームのベータ中は無料。
    • 継続的な学習: Generative AIでさらに学びを深めることを奨励する。

Building and Evaluating Advanced RAG Applications

  • Title: Building and Evaluating Advanced RAG Applications
  • Summary: This course teaches advanced techniques to improve Retrieval Augmented Generation (RAG) applications with large language models, focusing on innovative retrieval methods, evaluation best practices, and the RAG triad for relevance and truthfulness. It's designed for individuals with basic Python knowledge, led by experts Jerry Liu and Anupam Datta, and is currently free during the DeepLearning.AI beta.
  • Key Points:

    • Advanced Retrieval Methods: Learn sentence-window and auto-merging retrieval.
    • Evaluation Best Practices: Focus on iterative improvement and experiment tracking.
    • RAG Triad: Understand Context Relevance, Groundedness, and Answer Relevance.
    • Target Audience: Those with basic Python looking to apply the latest RAG methods.
    • Expert Instructors: Jerry Liu and Anupam Datta.
    • Free Access: Available for free during the DeepLearning.AI beta phase.
    • Continued Learning: Encourages ongoing education in generative AI.
  • タイトル: 高度なRAGアプリケーションの構築と評価

  • 要約: このコースは、大規模言語モデルを使用した検索拡張生成(RAG)アプリケーションの性能を向上させるための高度な技術に焦点を当てており、革新的な検索方法、評価のベストプラクティス、および関連性と真実性を評価するためのRAG三位一体について学びます。Pythonの基本的な知識を持つ個人向けに設計されており、ジェリー・リュウとアヌパム・ダッタの専門家が指導し、現在DeepLearning.AIのベータフェーズ中は無料で提供されています。
  • キーポイント:
    • 高度な検索方法: 文章ウィンドウ検索と自動マージ検索を学ぶ。
    • 評価のベストプラクティス: 反復的な改善と実験追跡に焦点を当てる。
    • RAG三位一体: コンテキストの関連性、根拠の確かさ、および回答の関連性を理解する。
    • 対象者: 最新のRAG方法を適用したいPythonの基本的な知識を持つ人々。
    • 専門家インストラクター: ジェリー・リュウとアヌパム・ダッタ。
    • 無料アクセス: DeepLearning.AIのベータフェーズ中は無料で利用可能。
    • 継続的な学習: 生成AIにおける教育を続けることを奨励する。

Quality and Safety for LLM Applications

  • Title: Quality and Safety for LLM Applications
  • Summarize: A course in collaboration with DeepLearning.AI to enhance LLM application security, teaching detection and prevention of threats like hallucinations, jailbreaks, and data leakage, and building safety monitoring systems.
  • Learn how to:
    • Identify hallucinations using SelfCheckGPT
    • Detect jailbreaks through sentiment analysis and toxicity detection models
    • Recognize data leakage using entity recognition and vector similarity analysis
    • Build a monitoring system for app safety and security
  • Target Audience: Individuals with basic Python knowledge interested in LLM application security
  • Instructor: Bernease Herman, Data Scientist at WhyLabs
  • Access: Free for a limited time during the DeepLearning.AI platform beta phase
  • Extra: Encouragement to engage with Generative AI through updates from DeepLearning.AI

  • タイトル: LLMアプリケーションの品質と安全性

  • 要約: DeepLearning.AIとのコラボレーションで提供されるコースで、LLMアプリケーションのセキュリティを向上させることに焦点を当て、幻覚、脱獄、データ漏洩のような脅威の検出と防止、および安全監視システムの構築を教えます。
  • 学ぶこと:
    • 幻覚を識別する SelfCheckGPTを使用
    • 脱獄を検出する 感情分析と毒性検出モデルを通じて
    • データ漏洩を認識する エンティティ認識とベクトル類似性分析を使用して
    • アプリの安全性とセキュリティのための監視システムを構築する
  • 対象者: LLMアプリケーションのセキュリティに関心がある基本的なPython知識を持つ個人
  • 講師: Bernease Herman, WhyLabsのデータサイエンティスト
  • アクセス: DeepLearning.AIプラットフォームのベータフェーズ中は限定的に無料
  • その他: DeepLearning.AIからのAIニュース、コース、イベント、Andrewの洞察を通じて、生成AIとの関わりを継続することを奨励します。

Vector Databases: from Embeddings to Applications

  • Title: Vector Databases: from Embeddings to Applications
  • Summary:

    • Comprehensive Guide: Offers insights on utilizing vector databases for GenAI app development without manual training of LLMs.
    • Collaborative Effort: Aims at efficient, practical applications in various industries, including hybrid and multilingual searches.
    • Significance: Highlights the importance of vector databases in NLP, image recognition, recommender systems, and semantic search.
    • Real-time Access: Enables LLMs to access proprietary data in real-time, aiding in the creation of RAG applications.
    • Leveraging Embeddings: Teaches how to use embeddings to understand data and find similar vectors in large datasets.
    • Deep Insights: Covers using vector databases and LLMs for deeper data analysis, creating embeddings, search techniques, and fast search algorithms.
    • Ideal for: Anyone interested in integrating vector databases into their applications.
    • Instructor: Led by Sebastian Witalec, Head of Developer Relations at Weaviate.
    • Free Access: Available for free during the DeepLearning.AI learning platform beta phase.
    • Stay Updated: Encourages keeping up with GenAI advancements through DeepLearning.AI's curated AI news, courses, and events.
  • タイトル: ベクターデータベース:エンベディングからアプリケーションへ

  • 要約:
    • 包括的ガイド: LLMを個人でトレーニングまたは微調整することなく、ベクターデータベースを使用してGenAIアプリケーションを開発するための洞察を提供します。
    • 共同作業: 様々な業界での効率的で実用的なアプリケーション、特にハイブリッド検索や多言語検索を目指します。
    • 重要性: NLP、画像認識、推薦システム、意味検索などの分野でのベクターデータベースの重要性を強調します。
    • リアルタイムアクセス: LLMがリアルタイムで独自データにアクセスできるようにし、RAGアプリケーションの作成を支援します。
    • エンベディングの活用: データの意味を捉え、大規模なデータセット内で類似のベクターを効率的に見つける方法を教えます。
    • 深い洞察: ベクターデータベースとLLMを使用してより深いデータ分析を行う方法、エンベディングの作成、検索技術、迅速な検索アルゴリズムについてカバーします。
    • 対象者: ベクターデータベースを自分のアプリケーションに統合したいと考えているすべての人。
    • 講師: Weaviateの開発者関係責任者であるSebastian Witalecが主導します。
    • 無料アクセス: DeepLearning.AIの学習プラットフォームベータ版の間は無料で利用可能です。
    • 最新情報の維持: DeepLearning.AIが提供するキュレーションされたAIニュース、コース、イベントを通じて、GenAIの進歩について最新の情報を得ることを奨励します。

Functions, Tools and Agents with LangChain

  • Title: Functions, Tools and Agents with LangChain
  • Summary: A course designed to introduce the latest in LLM APIs, utilizing LCEL for efficient agent and chain customization.
  • Key Points:

    • Generate structured outputs through function calls using LLMs.
    • Utilize LCEL for application building and customization.
    • Understand tool selection and routing with LangChain tools in LLM contexts.
    • Target Audience: Individuals interested in developing LLM-based applications, with basic Python skills and LLM prompt-writing experience.
    • Instructor: Harrison Chase, Co-founder and CEO of LangChain.
    • Access: Free during the DeepLearning.AI platform beta phase.
  • タイトル: LangChainを用いた関数、ツール、エージェント

  • 要約: LLM APIの最新進歩を紹介し、LCELを利用してエージェントとチェーンを効率的にカスタマイズするためのコース。
  • キーポイント:
    • LLMを使用して関数呼び出しを通じて構造化出力を生成する
    • アプリケーション構築とカスタマイズのためにLCELを利用する
    • LLMの文脈でLangChainツールを使ったツール選択とルーティングを理解する
    • 対象者: LLMベースのアプリケーション開発に興味があり、Pythonの基礎知識とLLMのプロンプト作成経験がある人々。
    • 講師: Harrison Chase、LangChainの共同創設者兼CEO。
    • アクセス: DeepLearning.AIプラットフォームのベータフェーズ中は無料。

Pair Programming with a Large Language Model

Title: Pair Programming with a Large Language Model

Summarize:

  • Free access: Get free access to the PaLM API.
  • Practical experience: Gain hands-on experience with AI pair programming.
  • Skills taught: Learn to simplify code, write test cases, debug and refactor code, and document complex code in any language.
  • Target audience: Suitable for those with basic Python knowledge interested in pair programming with LLMs.
  • Instructor: Led by Laurence Moroney, Lead AI Advocate at Google.
  • Availability: Free during the DeepLearning.AI learning platform beta.
  • Additional learning: Updates on AI news, courses, events, and insights from DeepLearning.AI.

タイトル: 大規模言語モデルを用いたペアプログラミング

要約:

  • 無料アクセス: PaLM APIへの無料アクセスを提供。
  • 実践経験: AIペアプログラミングによる実践的な経験を得る。
  • 教えられるスキル: コードを簡略化し、テストケースを書き、コードをデバッグおよびリファクタリングし、あらゆる言語の複雑なコードを文書化する方法を学ぶ。
  • 対象者: LLMを使ったペアプログラミングに興味がある、Pythonの基本的な知識を持つ人。
  • 講師: GoogleのリードAIアドボケイト、ローレンス・モロニーが指導。
  • 利用可能: DeepLearning.AIの学習プラットフォームベータ版中は無料。
  • 追加学習: AIニュース、コース、イベントの更新およびDeepLearning.AIからの洞察を提供。

Understanding and Applying Text Embeddings

Title: Understanding and Applying Text Embeddings

  • Course Overview: This course, created in collaboration with Nikita Namjoshi and Andrew Ng, teaches how to use text embeddings to capture the essence of text. It focuses on using Google Cloud's Vertex AI for tasks like classification, outlier detection, text clustering, and semantic search, along with building a question-answering system.
  • Key Learnings: Participants will understand word and sentence embeddings, measure semantic similarity, and apply embeddings in NLP tasks such as classification and clustering. It includes modifying LLM text generation and using the ScaNN library for semantic search.
  • Ideal For: Individuals with basic Python knowledge interested in learning about text embeddings and their application in NLP tasks.
  • Instructors: The course is led by Nikita Namjoshi, a Developer Advocate at Google Cloud, and Andrew Ng, founder of DeepLearning.AI and co-founder of Coursera.
  • Access: Free access during the DeepLearning.AI learning platform beta phase.
  • Additional Benefits: Offers updates on Generative AI, including news, courses, events, and insights from Andrew Ng and DeepLearning.AI.

タイトル: テキスト埋め込みの理解と応用

  • コース概要: このコースは、Nikita NamjoshiとAndrew Ngとの共同で開発され、テキストの本質を捉えるためのテキスト埋め込みの使用方法を教えます。Google CloudのVertex AIを使用して、分類、外れ値検出、テキストクラスタリング、意味検索などのタスクに焦点を当て、質問応答システムの構築についても学びます。
  • キー学習点: 単語と文の埋め込みの特性を理解し、テキスト間の意味的類似性を測定し、分類やクラスタリングなどのNLPタスクに埋め込みを適用します。LLMのテキスト生成行動を調整し、効率的な意味検索のためにScaNNライブラリを使用する方法を含みます。
  • 対象者: NLPタスクにおけるテキスト埋め込みとその応用を学びたい基本的なPython知識を持つ個人。
  • 講師: Google CloudのGenerative AIのDeveloper AdvocateであるNikita Namjoshiと、DeepLearning.AIの創設者およびCourseraの共同創設者であるAndrew Ngが指導します。
  • アクセス: DeepLearning.AI学習プラットフォームのベータフェーズ中は無料でアクセスできます。
  • 追加利点: Generative AIに関する更新情報、ニュース、コース、イベント、そしてAndrew NgとDeepLearning.AIからの洞察を提供します。

How Business Thinkers Can Start Building AI Plugins With Semantic Kernel

  • Title: How Business Thinkers Can Start Building AI Plugins With Semantic Kernel
  • Summary: This course, in collaboration with Microsoft, teaches building AI applications using Semantic Kernel, suitable for coders and non-coders. It focuses on using Large Language Models (LLMs) for business applications.
  • What You'll Learn:
    • Develop sophisticated business applications using LLMs.
    • Leverage LLM building blocks such as memories, connectors, chains, and planners.
    • Utilize Semantic Kernel, an open-source orchestrator, in applications.
    • Simplify AI service integration by using Semantic Kernel to avoid learning individual APIs.
  • Who Should Join: Anyone interested in learning about Semantic Kernel, with basic Python skills and an understanding of APIs recommended.
  • Instructor: John Maeda, VP of Design and Artificial Intelligence at Microsoft.
  • Course Access: Free for a limited time during the DeepLearning.AI learning platform beta phase.
  • Further Learning: Encourages continued learning in generative AI with updates on AI news, courses, events, and insights.

  • タイトル: ビジネス思考者がセマンティックカーネルでAIプラグインを構築する方法

  • 要約: このコースは、Microsoftとの協力で、セマンティックカーネルを使用してAIアプリケーションを構築する方法を教えます。コーダーおよび非コーダー向けに設計されており、ビジネスアプリケーションにおける大規模言語モデル(LLMs)の使用に焦点を当てています。
  • 学べること:
    • LLMsを使用して洗練されたビジネスアプリケーションを開発する。
    • メモリ、コネクタ、チェーン、プランナーなどのLLM構築ブロックを活用する。
    • アプリケーションでオープンソースオーケストレータであるセマンティックカーネルを利用する。
    • セマンティックカーネルを使用してAIサービスの統合を簡素化し、個々のAPIを学ぶ必要性を避ける。
  • 参加すべき人: セマンティックカーネルについて学びたい人で、基本的なPythonスキルとAPIの理解が推奨されます。
  • 講師: Microsoftのデザインおよび人工知能副社長、ジョン・マエダ。
  • コースアクセス: DeepLearning.AI学習プラットフォームのベータフェーズ中は、限定時間無料。
  • さらなる学習: AIニュース、コース、イベント、DeepLearning.AIからの洞察による生成AIの継続的な学習を奨励します。