AI-Master-Book
  • about AI-Master-Book
  • AI Master Book
    • 이상치 탐지 with Python
    • 베이지안 뉴럴네트워크 (BNN) with Python
    • 그래프 뉴럴네트워크 (GNN) with Python
    • 데이터 마케팅 분석 with Python
  • LLM MASTER BOOK
    • OpenAI API 쿡북 with Python
    • 기초부터 심화까지 RAG 쿡북 with Python
    • MCP 에이전트 쿡북 with Python
  • LLMs
    • OpenAI API
      • 1️⃣ChatCompletion
      • 2️⃣DALL-E
      • 3️⃣Text to Speech
      • 4️⃣Video to Transcripts
      • 5️⃣Assistants API
      • 6️⃣Prompt Engineering
      • 7️⃣OpenAI New GPT-4o
    • LangChain
      • LangChain Basic
        • 1️⃣Basic Modules
        • 2️⃣Model I/O
        • 3️⃣Prompts
        • 4️⃣Chains
        • 5️⃣Agents
        • 6️⃣Tools
        • 7️⃣Memory
      • LangChain Intermediate
        • 1️⃣OpenAI LLM
        • 2️⃣Prompt Template
        • 3️⃣Retrieval
        • 4️⃣RAG ChatBot
        • 5️⃣RAG with Gemini
        • 6️⃣New Huggingface-LangChain
        • 7️⃣Huggingface Hub
        • 8️⃣SQL Agent & Chain
        • 9️⃣Expression Language(LCEL)
        • 🔟Llama3-8B with LangChain
      • LangChain Advanced
        • 1️⃣LLM Evaluation
        • 2️⃣RAG Evaluation with RAGAS
        • 3️⃣LangChain with RAGAS
        • 4️⃣RAG Paradigms
        • 5️⃣LangChain: Advance Techniques
        • 6️⃣LangChain with NeMo-Guardrails
        • 7️⃣LangChain vs. LlamaIndex
        • 8️⃣LangChain LCEL vs. LangGraph
    • LlamaIndex
      • LlamaIndex Basic
        • 1️⃣Introduction
        • 2️⃣Customization
        • 3️⃣Data Connectors
        • 4️⃣Documents & Nodes
        • 5️⃣Naive RAG
        • 6️⃣Advanced RAG
        • 7️⃣Llama3-8B with LlamaIndex
        • 8️⃣LlmaPack
      • LlamaIndex Intermediate
        • 1️⃣QueryEngine
        • 2️⃣Agent
        • 3️⃣Evaluation
        • 4️⃣Evaluation-Driven Development
        • 5️⃣Fine-tuning
        • 6️⃣Prompt Compression with LLMLingua
      • LlamaIndex Advanced
        • 1️⃣Agentic RAG: Router Engine
        • 2️⃣Agentic RAG: Tool Calling
        • 3️⃣Building Agent Reasoning Loop
        • 4️⃣Building Multi-document Agent
    • Hugging Face
      • Huggingface Basic
        • 1️⃣Datasets
        • 2️⃣Tokenizer
        • 3️⃣Sentence Embeddings
        • 4️⃣Transformers
        • 5️⃣Sentence Transformers
        • 6️⃣Evaluate
        • 7️⃣Diffusers
      • Huggingface Tasks
        • NLP
          • 1️⃣Sentiment Analysis
          • 2️⃣Zero-shot Classification
          • 3️⃣Aspect-Based Sentiment Analysis
          • 4️⃣Feature Extraction
          • 5️⃣Intent Classification
          • 6️⃣Topic Modeling: BERTopic
          • 7️⃣NER: Token Classification
          • 8️⃣Summarization
          • 9️⃣Translation
          • 🔟Text Generation
        • Audio & Tabular
          • 1️⃣Text-to-Speech: TTS
          • 2️⃣Speech Recognition: Whisper
          • 3️⃣Audio Classification
          • 4️⃣Tabular Qustaion & Answering
        • Vision & Multimodal
          • 1️⃣Image-to-Text
          • 2️⃣Text to Image
          • 3️⃣Image to Image
          • 4️⃣Text or Image-to-Video
          • 5️⃣Depth Estimation
          • 6️⃣Image Classification
          • 7️⃣Object Detection
          • 8️⃣Segmentatio
      • Huggingface Optimization
        • 1️⃣Accelerator
        • 2️⃣Bitsandbytes
        • 3️⃣Flash Attention
        • 4️⃣Quantization
        • 5️⃣Safetensors
        • 6️⃣Optimum-ONNX
        • 7️⃣Optimum-NVIDIA
        • 8️⃣Optimum-Intel
      • Huggingface Fine-tuning
        • 1️⃣Transformer Fine-tuning
        • 2️⃣PEFT Fine-tuning
        • 3️⃣PEFT: Fine-tuning with QLoRA
        • 4️⃣PEFT: Fine-tuning Phi-2 with QLoRA
        • 5️⃣Axoltl Fine-tuning with QLoRA
        • 6️⃣TRL: RLHF Alignment Fine-tuning
        • 7️⃣TRL: DPO Fine-tuning with Phi-3-4k-instruct
        • 8️⃣TRL: ORPO Fine-tuning with Llama3-8B
        • 9️⃣Convert GGUF gemma-2b with llama.cpp
        • 🔟Apple Silicon Fine-tuning Gemma-2B with MLX
        • 🔢LLM Mergekit
    • Agentic LLM
      • Agentic LLM
        • 1️⃣Basic Agentic LLM
        • 2️⃣Multi-agent with CrewAI
        • 3️⃣LangGraph: Multi-agent Basic
        • 4️⃣LangGraph: Agentic RAG with LangChain
        • 5️⃣LangGraph: Agentic RAG with Llama3-8B by Groq
      • Autonomous Agent
        • 1️⃣LLM Autonomous Agent?
        • 2️⃣AutoGPT: Worldcup Winner Search with LangChain
        • 3️⃣BabyAGI: Weather Report with LangChain
        • 4️⃣AutoGen: Writing Blog Post with LangChain
        • 5️⃣LangChain: Autonomous-agent Debates with Tools
        • 6️⃣CAMEL Role-playing Autonomous Cooperative Agents
        • 7️⃣LangChain: Two-player Harry Potter D&D based CAMEL
        • 8️⃣LangChain: Multi-agent Bid for K-Pop Debate
        • 9️⃣LangChain: Multi-agent Authoritarian Speaker Selection
        • 🔟LangChain: Multi-Agent Simulated Environment with PettingZoo
    • Multimodal
      • 1️⃣PaliGemma: Open Vision LLM
      • 2️⃣FLUX.1: Generative Image
    • Building LLM
      • 1️⃣DSPy
      • 2️⃣DSPy RAG
      • 3️⃣DSPy with LangChain
      • 4️⃣Mamba
      • 5️⃣Mamba RAG with LangChain
      • 7️⃣PostgreSQL VectorDB with pgvorco.rs
Powered by GitBook
On this page
  • 책 소개
  • 목 차
  1. AI Master Book

베이지안 뉴럴네트워크 (BNN) with Python

베이지안 뉴럴 네트워크 (BNN) with Python

AI 전문가를 위한 Python으로 시작하는 베이지안 뉴럴 네트워크 (Bayesian Neural Network) 실전 가이드

책 소개


AI Master Series는 데이터 분석 및 인공지능 분야에서 실질적인 문제를 해결하고자 하는 전문가와 학습자를 대상으로 합니다. 특히, 데이터를 다루는 과정에서 이상치를 효과적으로 탐지하고 처리해야 하는 데이터 분석 전문가들에게 적합합니다. 실무에서 Python을 사용해 데이터를 분석하거나 모델링하는 사람이라면, 이 책이 제공하는 이론과 실제 구현 방법을 통해 문제 해결 능력을 더욱 강화할 수 있습니다. 데이터 과학에 입문한 학습자나 중급 수준의 독자에게도 유용한 내용을 담고 있습니다. 기본적인 Python 사용 경험을 바탕으로, 이상치 탐지라는 고급 주제를 체계적으로 이해하고 이를 실전에서 활용할 수 있는 능력을 키우고자 하는 사람들에게 적합합니다. 특히, 이론적인 배경뿐만 아니라 Python 코드를 통해 직접 구현할 수 있도록 안내하므로, 학습 과정에서 실질적인 도움을 줄 수 있습니다.

베이지안 뉴럴 네트워크(Bayesian Neural Network, BNN)은 데이터 분석 및 모델링 과정에서 예측 결과에 대한 신뢰도를 정량적으로 평가해야 하는 경우 강력한 도구로 작용합니다. 예측 결과에 대한 신뢰 구간을 제공함으로써 의사결정 과정의 투명성과 신뢰성을 높이는 데 기여합니다. 또한, 학문적 관점에서 BNN을 연구하는 경우에도 이 책은 탄탄한 이론적 배경과 실습 중심의 예제를 통해 실질적인 도움을 줄 것입니다.

이 책은 BNN을 처음 접하는 독자들뿐만 아니라 이를 심화적으로 활용하려는 독자들에게도 적합한 내용을 담고 있습니다. 데이터 과학자, 연구자, 개발자, 엔지니어 등 다양한 역할을 가진 사람들이 각자의 필요에 따라 BNN의 이론과 실제를 익히고, 이를 바탕으로 보다 정교한 모델을 설계하거나 AI 모델의 불확실성을 효과적으로 다루고자 하는 이들에게 명확하고 실질적인 지침을 제공하여, 다양한 실무와 연구 환경에서 BNN을 성공적으로 적용할 수 있도록 돕는 것이 이 책의 목표입니다.

목 차


저자 소개

Table of Contents (목차)

들어가기 전에

1장. 베이지안 뉴럴 네트워크 개요

2장. 베이즈 법칙으로 예측하기

3장. 딥 뉴럴 네트워크 개요

4장. 베이지안 딥러닝 (Bayesian Deep Learning)

5장. TorchBNN 라이브러리 활용

6장. BNN: Pyro 라이브러리 활용

E-Book 구매


https://nowave.upaper.kr/content/1189455

Github 코드


https://github.com/no-wave/book-ai-master-bayesian-neural-network

Previous이상치 탐지 with PythonNext그래프 뉴럴네트워크 (GNN) with Python

Last updated 2 months ago