Adam Lucek
Adam Lucek
  • 38
  • 147 064
The BEST Way to Chunk Text for RAG
To try everything Brilliant has to offer-free-for a full 30 days, visit brilliant.org/AdamLucek/ You’ll also get 20% off an annual premium subscription!
Resources:
Chunking Notebook: github.com/ALucek/chunking-strategies
ChromaDB Technical Report: research.trychroma.com/evaluating-chunking
ChromaDB Report Repo: github.com/brandonstarxel/chunking_evaluation
OpenAI Token Visualizer: platform.openai.com/tokenizer
Greg Kamradt 5 Levels of Text Splitting: github.com/FullStackRetrieval-com/RetrievalTutorials/blob/main/tutorials/LevelsOfTextSplitting/5_Levels_Of_Text_Splitting.ipynb
Jaccard Index: en.wikipedia.org/wiki/Jaccard_index
Chapters:
00:00 - Background on Text Chunking
02:28 - Brilliant!
03:47 - Character Text Splitting
06:28 - Token Text Splitting
10:26 - Recursive Character/Token Splitting
16:07 - Kamradt & Modified Semantic Chunking
20:43 - Cluster Semantic Chunking
24:46 - LLM Semantic Chunking
27:56 - Chunking Metrics & Comparison
30:00 - Overall Findings
#ai #programming #datascience
This video is sponsored by Brilliant
มุมมอง: 2 808

วีดีโอ

What Do LLM Benchmarks Actually Tell Us? (+ How to Run Your Own)
มุมมอง 47421 ชั่วโมงที่ผ่านมา
Interpreting and running standardized language model benchmarks and evaluation datasets for both generalized and task specific performance assessments! Resources: lm-evaluation-harness: github.com/EleutherAI/lm-evaluation-harness lm-evaluation-harness setup script: drive.google.com/file/d/1oWoWSBUdCiB82R-8m52nv_-5pylXEcDp/view?usp=sharing OpenLLM Leaderboard: huggingface.co/spaces/open-llm-lead...
AI Just Mastered 3D Design… What’s next?
มุมมอง 3.7K14 วันที่ผ่านมา
To try everything Brilliant has to offer-free-for a full 30 days, visit brilliant.org/AdamLucek/ You’ll also get 20% off an annual premium subscription! Resources: Dylan Ebert's ML for 3D Course: huggingface.co/learn/ml-for-3d-course/unit0/introduction MVDream Paper: arxiv.org/abs/2308.16512 Zero123 Paper: zero123.cs.columbia.edu/ NeRF Paper: www.matthewtancik.com/nerf Gaussian Splatting Paper:...
Quantizing LLMs - How & Why (8-Bit, 4-Bit, GGUF & More)
มุมมอง 1K21 วันที่ผ่านมา
Quantizing models for maximum efficiency gains! Resources: Model Quantized: huggingface.co/AdamLucek/Orpo-Llama-3.2-1B-15k Quantization Colab Notebook: colab.research.google.com/drive/1NlHlHU-fdubXcuZ08eb7zpaidF7388r6?usp=sharing HF 8-bit Blog: huggingface.co/blog/hf-bitsandbytes-integration HF 4-Bit Blog: huggingface.co/blog/4bit-transformers-bitsandbytes GGUF Overview: huggingface.co/docs/hub...
Make AI Think Like YOU: A Guide to LLM Alignment
มุมมอง 62528 วันที่ผ่านมา
Make language models do what you want! Resources: Miro Board: miro.com/app/board/uXjVLLDU3as=/?share_link_id=110094813997 Maxime Labonne’s ORPO Fine Tuning Guide: mlabonne.github.io/blog/posts/2024-04-19_Fine_tune_Llama_3_with_ORPO.html DPO Paper: arxiv.org/pdf/2305.18290 ORPO Paper: arxiv.org/pdf/2403.07691 Colab Notebook: colab.research.google.com/drive/1KV9AFAfhQCSjF8Ej4rI2ejDmx5AUnqHq?usp=s...
Unleash a SWARM of AI Agents: Reliable Multi-Agent Orchestration
มุมมอง 2Kหลายเดือนก่อน
Should we be worried about the hive mind? Resources: github.com/openai/swarm/tree/main github.com/ALucek/swarm-meal-planner cookbook.openai.com/examples/orchestrating_agents Chapters: 00:00 - Swarm Introduction 01:16 - What Problem Does Swarm Solve? 03:51 - The Swarm Method 06:22 - Routines 08:28 - Handoffs 10:40 - Building: Agent Architecture Planning 11:35 - Building: Defining the Tools 13:47...
Make An AI Agent with OpenAI’s Advanced Voice Mode
มุมมอง 1.3Kหลายเดือนก่อน
To try everything Brilliant has to offer-free-for a full 30 days, visit brilliant.org/AdamLucek/ You’ll also get 20% off an annual premium subscription! Resources: github.com/ALucek/openai-realtime-rag github.com/openai/openai-realtime-console openai.com/index/introducing-the-realtime-api/ platform.openai.com/docs/guides/realtime/quickstart platform.openai.com/docs/api-reference/realtime open.u...
Master Reinforcement Learning With These 3 Projects
มุมมอง 987หลายเดือนก่อน
Too locked in to realize my hair was sticking up most the time Resources: github.com/ALucek/three-RL-projects gymnasium.farama.org/ huggingface.co/learn/deep-rl-course/ Chapters: 00:00 - Intro 00:52 - What Is Reinforcement Learning? 03:48 - Q-Learning: Introduction 05:33 - Q-Learning: Environment Setup 07:46 - Q-Learning: Hyperparameters Explained 11:09 - Q-Learning: Defining Rewards 13:18 - Q-...
How I Made A Deep Learning Robot
มุมมอง 3.2K2 หลายเดือนก่อน
I made an AI powered robot! If you want to see more videos like this and support the channel, you can subscribe and join my TH-cam membership for $0.99 a month, or donate a custom amount through Super Thanks! Resources: LeRobot Repo: github.com/huggingface/lerobot Koch v1.1 Repo: github.com/jess-moss/koch-v1-1 Full Guide: github.com/huggingface/lerobot/blob/main/examples/7_get_started_with_real...
Does Fine Tuning Embedding Models Improve RAG?
มุมมอง 2.1K2 หลายเดือนก่อน
Can fine tuning embedding models improve your RAG application? Yes! And it doesn’t even have to be that complicated. In this video we show how to train a query only linear adapter on your own RAG data to improve your document retrieval accuracy- a lightweight approach that can be applied to any embedding model without needing to fully fine tune the model itself, OR re-embed your knowledgebase. ...
Create AI Images of YOU with FLUX (Training and Generating Tutorial)
มุมมอง 8K3 หลายเดือนก่อน
One of the major use cases of AI image generators is being able to generate consistent photos of yourself in any situation or scene. With the recent release of the FLUX.1 models from Black Forest Labs, being able to do this in an open source setting is becoming easier and higher quality. In this video we cover training FLUX.1 Dev on a few pictures of yourself to reliably generate AI images of y...
E-Commerce Will Never Be the Same With AI
มุมมอง 5563 หลายเดือนก่อน
Many articles are out there claiming AI will revolutionize the world of e-commerce, but how specifically? In this video we cover 5 direct examples and applications of modern AI models into e-commerce scenarios, covering: Virtual Try On Diffusion Models Personalized Product Photos via Diffusion Model Training Embedding model based product recommendations Language Model Shopping Copilots Language...
Wait... What REALLY Is A Vector Database?
มุมมอง 3.3K3 หลายเดือนก่อน
Vector databases and similarity based search/retrieval have had a massive increase in popularity with the rise of language models and retrieval augmented generation (RAG) pipelines. Many people are using VDBs like pinecone, chroma, and mongodb, but how many of us actually know how they works? In this video we cover how vector databases operate, diving into what an embedding is, how similarity i...
Language Model Merging - Techniques, Tools, and Implementations
มุมมอง 1.3K3 หลายเดือนก่อน
Model merging is an innovative approach in the field of language modeling that allows researchers and practitioners to combine multiple models into a single, more capable model without the need for additional training. This technique addresses the challenges of building high-performance models, which typically require significant time, resources, and computational power. Resources: Code: github...
Model Distillation: Same LLM Power but 3240x Smaller
มุมมอง 8K4 หลายเดือนก่อน
Foundation model performance at a fraction of the cost- model distillation is a powerful technique to leverage the advanced generation capabilities of foundation models like Llama 3.1 405B, GPT-4, or Claude Opus as teachers, distilling their knowledge and performance on a given task to a student model. The result is a task-specific lightweight language model that provides the same performance, ...
Is Synthetic Data The Future of AI? (And How To Make Your Own)
มุมมอง 1.9K4 หลายเดือนก่อน
Is Synthetic Data The Future of AI? (And How To Make Your Own)
LLM Function Calling - AI Tools Deep Dive
มุมมอง 9K4 หลายเดือนก่อน
LLM Function Calling - AI Tools Deep Dive
LangGraph Cloud: Build & Deploy an AI Agent
มุมมอง 1.6K4 หลายเดือนก่อน
LangGraph Cloud: Build & Deploy an AI Agent
True Multimodal RAG - Audio/Image/Video/Text
มุมมอง 3.8K4 หลายเดือนก่อน
True Multimodal RAG - Audio/Image/Video/Text
Building a Thinking Machine: My Gemma 2 9B Reflection Agent
มุมมอง 1.8K5 หลายเดือนก่อน
Building a Thinking Machine: My Gemma 2 9B Reflection Agent
Make YOUR OWN Images With Stable Diffusion - Finetuning Walkthrough
มุมมอง 8K5 หลายเดือนก่อน
Make YOUR OWN Images With Stable Diffusion - Finetuning Walkthrough
How AI Creates Images/Videos/Audio - Diffusion Models Explained
มุมมอง 1.1K5 หลายเดือนก่อน
How AI Creates Images/Videos/Audio - Diffusion Models Explained
Multimodal RAG!? - Pushing the Boundaries of AI
มุมมอง 11K6 หลายเดือนก่อน
Multimodal RAG!? - Pushing the Boundaries of AI
Build Your Own Finance LLM for FREE with SEC Data
มุมมอง 6K6 หลายเดือนก่อน
Build Your Own Finance LLM for FREE with SEC Data
LLM Agents Team Up: The Future of Automated Collaboration
มุมมอง 2.1K6 หลายเดือนก่อน
LLM Agents Team Up: The Future of Automated Collaboration
LLMs & AI Benchmarks! - GenAI Eval Deep Dive
มุมมอง 1.6K6 หลายเดือนก่อน
LLMs & AI Benchmarks! - GenAI Eval Deep Dive
Function Calling Local LLMs!? LLaMa 3 Web Search Agent Breakdown (With Code!)
มุมมอง 11K7 หลายเดือนก่อน
Function Calling Local LLMs!? LLaMa 3 Web Search Agent Breakdown (With Code!)
Breaking Down & Testing FIVE LLM Agent Architectures - (Reflexion, LATs, P&E, ReWOO, LLMCompiler)
มุมมอง 19K7 หลายเดือนก่อน
Breaking Down & Testing FIVE LLM Agent Architectures - (Reflexion, LATs, P&E, ReWOO, LLMCompiler)
Speak Any Language With AI - Realtime Speech-to-Speech Translation & Voice Synthesis (w/Code)
มุมมอง 8K7 หลายเดือนก่อน
Speak Any Language With AI - Realtime Speech-to-Speech Translation & Voice Synthesis (w/Code)
AI Agents! Giving Reasoning and Tools to LLMs - Context & Code Examples
มุมมอง 7K8 หลายเดือนก่อน
AI Agents! Giving Reasoning and Tools to LLMs - Context & Code Examples

ความคิดเห็น

  • @davieslacker
    @davieslacker 5 ชั่วโมงที่ผ่านมา

    The llm based sounds interesting but also expensive. I haven’t implemented any RAG yet but this was great food for thought for helping me know where to start! Thanks!

  • @jeremiealcaraz
    @jeremiealcaraz 9 ชั่วโมงที่ผ่านมา

    Thank you so much man ! Would it be possible to make a video on how to 'rent' VRAM? That would be awesome! Thanks, bro!

  • @treflatface
    @treflatface 9 ชั่วโมงที่ผ่านมา

    This is probably the last guide on RAG chunking I'll ever need. So well done. Thank you for the walkthrough of the research!

  • @shabdachegini
    @shabdachegini 10 ชั่วโมงที่ผ่านมา

    that was fantastic bro , thanks man

  • @gunjanjoshi5120
    @gunjanjoshi5120 23 ชั่วโมงที่ผ่านมา

    This is interesting to see. Especially since multiple articles state when using recursive chunking, chunk_overlap is an important parameter to ensure context between chunks but chroma suggests otherwise. What are your thoughts on this from your RAG experience?

    • @AdamLucek
      @AdamLucek 21 ชั่วโมงที่ผ่านมา

      Overlap can be a little redundant here and there. It definitely can help when relevant but not apparent context is cut or disconnected, which is kinda what the cluster semantic chunker here is trying to solve for, but usually if your chunk sizes are big enough and your retrieval mechanism is robust, the splitting of recursive approaches based on natural separators tend to do most of the work of keeping relevant sections together when working with text data, which is only improved when introducing cosine similarity comparisons into the mix as well with the semantic approaches.

  • @Qwme5
    @Qwme5 วันที่ผ่านมา

    Adam, I'm struggling to find the words to express how grateful I am for the content you share on your channel. Your ability to convey information clearly and without unnecessary speculation is truly brilliant. Thank you very much. If I were not broke, I would support you, but all I can support you with is thanking you.

    • @AdamLucek
      @AdamLucek วันที่ผ่านมา

      The kind words are support enough! Thanks for watching!

  • @60pluscrazy
    @60pluscrazy วันที่ผ่านมา

    🎉🎉🎉

  • @NLPprompter
    @NLPprompter วันที่ผ่านมา

    is anthropic contextual RAG also can be considered as chunking strategy?

  • @raihanahmadkhan1946
    @raihanahmadkhan1946 2 วันที่ผ่านมา

    I am trying to build an Agentic RAG Framework with tool calling for Geographic Information System (GIS) Workflows for my Master's Thesis. I spent a lot of time trying to figure out the best chunking strategy and this honesty humbled me. Semantic chunking was a very compute intensive process and theoretically it sort of made sense so I went with that. Although, I am glad that I was only prototyping anyway, and since the dataset I have is huge, this is such a relief! Thanks for covering this Adam! Your content has been a great help.

    • @AdamLucek
      @AdamLucek 2 วันที่ผ่านมา

      Sounds like a cool thesis! Glad I could help!

  • @jeremybickel6577
    @jeremybickel6577 2 วันที่ผ่านมา

    Haha - I was looking at the code in another tab and just when he said we'd listen to the first audio to see if it sounds like water droplets, a deep narrator voice started talking about something - the commercial was placed just wrong for me to get kinda confused there.. :^D Don't worry - I recovered quickly.

  • @jonasbieniek4320
    @jonasbieniek4320 2 วันที่ผ่านมา

    Just what i need, big thanks

  • @MarcinDancewicz
    @MarcinDancewicz 2 วันที่ผ่านมา

    That's a great and a quite surprising overview! Thank you :)

    • @AdamLucek
      @AdamLucek 2 วันที่ผ่านมา

      Thanks for watching!

  • @billblair3155
    @billblair3155 3 วันที่ผ่านมา

    U Da Man 😎

  • @carolinemicheldechabannes319
    @carolinemicheldechabannes319 5 วันที่ผ่านมา

    i have. an issue to install langchain in my env, upgraded my python too 3.11 but nothing change still the same problem :(

  • @MinaEllis-d2n
    @MinaEllis-d2n 5 วันที่ผ่านมา

    Here I go again, what a great video! You hit it off again, great demo, thank you.

  • @Barton69
    @Barton69 5 วันที่ผ่านมา

    i wish there was an ai that would make an model waterfold and optimise faces. Just that. That would be awsome.

  • @fawadkhan8905
    @fawadkhan8905 7 วันที่ผ่านมา

    Amazing, Indeed it's mastery the RL!

  • @Lilina3456
    @Lilina3456 8 วันที่ผ่านมา

    Thank you so much for this amazing tutorial. Keep up the great work! 🙌😊

    • @AdamLucek
      @AdamLucek 7 วันที่ผ่านมา

      Thanks! Glad you enjoyed!

  • @PragyaKaushik-q8f
    @PragyaKaushik-q8f 9 วันที่ผ่านมา

    This is amazing content! Quite concise and interesting! Thank you so much!!

  • @christopherd.winnan8701
    @christopherd.winnan8701 10 วันที่ผ่านมา

    How long before an LLM is trained specifically to code in OpenSCAD?

    • @nxxxxzn
      @nxxxxzn 10 วันที่ผ่านมา

      which one do you like for openscad?

    • @christopherd.winnan8701
      @christopherd.winnan8701 10 วันที่ผ่านมา

      @@nxxxxzn - Still waiting for a good implementation.

  • @CodingWerkstatt
    @CodingWerkstatt 11 วันที่ผ่านมา

    Awesome Video! Can you do a similar one for not fine-tuning the retriever but the generator. Like i found sth called "RAFT". When i understand it correctly, its about fine-tuning the actual LLM for RAG, by making it used to additional context to answer questions. For me it would be interesting: - which fine-tuning method is suited best for that (full-finetuning, adapters, ...) - how one does the E2E process

  • @midlifecrisis920
    @midlifecrisis920 11 วันที่ผ่านมา

    Wow! This is such a power packed video. Thanks for doing this. You deserve a lot more subscribers. Thank you again.

  • @Zbezt
    @Zbezt 12 วันที่ผ่านมา

    Siiiiick~

  • @dimitrishow_D
    @dimitrishow_D 12 วันที่ผ่านมา

    Tech nerds will never be great artist .

  • @Solanaar
    @Solanaar 12 วันที่ผ่านมา

    I wonder how this will impact the gaming industry. @NovemberHotel made a video about the recent move of several AAA studios from inhouse engines to UE5. One reason he brought up was the general focus on photorealism. Since AI tends to be much better with photoreal imagery I reckon that these two things (popularity of UE5 & AI 3D design) will most likely lead to heavy homogenization of gaming assets. I am sure that'll happen. I just hope we get over it fast so we can use this technology to make the tedious parts like retopo or generating base meshes easier instead of limiting the artistic vision.

  • @terryliu3635
    @terryliu3635 13 วันที่ผ่านมา

    The best walk through on this topic ever!! Thank you!!!

  • @Ruzu1_1
    @Ruzu1_1 13 วันที่ผ่านมา

    as a 3d artist im very sad

  • @shApYT
    @shApYT 13 วันที่ผ่านมา

    Thanks for being part of the few non-slop AI research coverage.

    • @AdamLucek
      @AdamLucek 13 วันที่ผ่านมา

      For sure 🫡

    • @shApYT
      @shApYT 13 วันที่ผ่านมา

      @AdamLucek God speed. Keep it up!

  • @MrMrMrMrT
    @MrMrMrMrT 13 วันที่ผ่านมา

    Gods work

  • @Silvergum
    @Silvergum 13 วันที่ผ่านมา

    as far as I'm aware AI has yet to achieve mastery of anything being able to do something does not make you a master Words mean things

    • @dimitrishow_D
      @dimitrishow_D 12 วันที่ผ่านมา

      I always realise it's faster to do it myself...ai is good for general. Background stuff...specifics tho..

  • @MinecraftHelp42650
    @MinecraftHelp42650 14 วันที่ผ่านมา

    If this gives us Auto-retopology I'll fucking throw my money at anyone who can provide it. Talk about the holy grail of 3D design.

    • @shApYT
      @shApYT 13 วันที่ผ่านมา

      @@MinecraftHelp42650 Nvidia has been trying for a long time now. There are already some techniques but I'm not sure how useful they in their current state

    • @USBEN.
      @USBEN. 12 วันที่ผ่านมา

      First we need sharper meshes and actually good texturing.

    • @MinecraftHelp42650
      @MinecraftHelp42650 10 วันที่ผ่านมา

      @@USBEN. I meant after you sculpt it in 3D, the addon automatically retopo for you, adding the correct laught lines, joints, etc. The holy grail of 3D creation right there.

  • @QorQar
    @QorQar 14 วันที่ผ่านมา

    Question: Does "load in 4bit"it support any model?

    • @AdamLucek
      @AdamLucek 13 วันที่ผ่านมา

      Most language models it should! It’s possible for diffusion and other models with a little more complexity

  • @ShubhamRandive-b3s
    @ShubhamRandive-b3s 14 วันที่ผ่านมา

    This channel is going to be best channel about AI & stuff for sure. Watching my 3rd video on trot and not a single yawn..

  • @akidanis6984
    @akidanis6984 14 วันที่ผ่านมา

    yooo this is great stuff! keep it up! I thought i was watching bycloud for a moment lol

  • @jojothepro15
    @jojothepro15 15 วันที่ผ่านมา

    Awsome stuff, I believe we are about to enter a golden age of indie games ! And of course AAA games, if big publishers finally decide to make good games.

    • @paytonestrada7746
      @paytonestrada7746 14 วันที่ผ่านมา

      Most indie devs are extremely stup*d and incompetent. They would need an AI that can make the whole game from a prompt, and for free. There's already lots of resources indies could be using but they don't. Most indies that use AI use it to make low effort scam games.

    • @luckyblockfatality
      @luckyblockfatality 14 วันที่ผ่านมา

      Ai will kill us indie devs

    • @jojothepro15
      @jojothepro15 14 วันที่ผ่านมา

      @luckyblockfatality Yeah maybe most of those who refuse to get with the times. Good thing many more will be born thanks to AI, open your mind.

    • @crazypig6238
      @crazypig6238 14 วันที่ผ่านมา

      yeah no, this isn't great or indie devs.

    • @luckyblockfatality
      @luckyblockfatality 14 วันที่ผ่านมา

      @@crazypig6238 they are doing AGI benchmarks. I quit vfx and started making games in unreal because of this shit. I thought it would be immune now I keep hearing it sounds like the first to go

  • @anaghavelliyatt3602
    @anaghavelliyatt3602 16 วันที่ผ่านมา

    Good content!!

  • @jasone-x2f
    @jasone-x2f 16 วันที่ผ่านมา

    Adam your videos rock! Keep up the good work and your channel is one of my favorites.

    • @AdamLucek
      @AdamLucek 15 วันที่ผ่านมา

      Thanks 🙏🏻

  • @AdamLucek
    @AdamLucek 16 วันที่ผ่านมา

    📚To try everything Brilliant has to offer-free-for a full 30 days, visit brilliant.org/AdamLucek/ You’ll also get 20% off an annual premium subscription! 💡

  • @oge.elekwa
    @oge.elekwa 19 วันที่ผ่านมา

    Had to watch it up to 3 times to get a hang of everything and I just finished my project using Dream booth. I have one question though... Is there a way to load new dataset without going to huggingface? Say, you need to deploy this as a WebApp where you can upload images on the platform.

  • @oge.elekwa
    @oge.elekwa 19 วันที่ผ่านมา

    Hi Adam! There's so much value packed in this video.. Thanks a lot!

  • @JustinHennessy
    @JustinHennessy 20 วันที่ผ่านมา

    Amazing run down on tools. Thanks so much for sharing.

  • @rishabhindoria1696
    @rishabhindoria1696 21 วันที่ผ่านมา

    amazing content, thank you so much, looking forward to more

  • @soumukhe
    @soumukhe 22 วันที่ผ่านมา

    Adam, Thank You!!! You explained this so well.

  • @jonasbieniek4320
    @jonasbieniek4320 22 วันที่ผ่านมา

    Thanks for the video. Great content as always! It would have also been nice to hear more details about the performance differences among the frequently used quantization methods such as q5_K_S, q6-K compared to just q4, q8, f16 and so on. As far as I know those indicate that certain layers are treated differently, some needing extra processing, but saving VRAM etc. But there is actually not that much information about that topic online. But I guess that would also fill a completely new video with content.

  • @Lilina3456
    @Lilina3456 22 วันที่ผ่านมา

    You are amazing! I always learn so much from your tutorials. Thank you!

  • @bridge5308
    @bridge5308 22 วันที่ผ่านมา

    I don't code or anything like that I just want to change my voice. I'm very confused by your explanation and this video

  • @Emonk2010
    @Emonk2010 23 วันที่ผ่านมา

    Thanks for this Adam - I understood this at a high level but it's nice to see some worked examples and detail of what's actually happening under the hood. Well explained.

    • @AdamLucek
      @AdamLucek 23 วันที่ผ่านมา

      @@Emonk2010 Awesome, thanks!

  • @jonatan01i
    @jonatan01i 27 วันที่ผ่านมา

    one single layer doesn't really do anything two is the holy grail

  • @gtagamer3476
    @gtagamer3476 28 วันที่ผ่านมา

    great brother , what a hard work you did. Really appreciate it . Will share your channel with my friends too. Keep making please, I mean without going too much into maths but what is most important for a person who wanna use these models and understand the concept, u did just what was the best. Thanks