
How to Install LLaMA2 Locally on MacBook
Alex Ziskind shows us how to Install LLaMA2 on an Apple Silicon MacBook Pro, and run some code generation.
Read More
How to Build & Integrate your own custom chatbot to a website (Python & JavaScript)
This video is from Patrick Loeber. In this fun project you learn how to build a custom chatbot in Python and then integrate this to a website using Flask and JavaScript. Starter Files: https://github.com/patrickloeber/chatbot-deployment
Read More
Exploring Diffusion Models: AI Art Taking the World by Storm
- Frank
- May 2, 2023
- activation function
- AI
- ai art
- artificial intelligence
- artificial neural network
- Autoencoders
- CNN
- Convolutional Neural Network
- CUDA
- cuDNN
- data augmentation
- diffusion models
- Education
- fine-tune
- generative models
- GPU
- image classification
- Image2Image
- Keras
- Learning
- Machine Learning
- neural net
- Neural Network
- Nvidia
- Python
- PyTorch
- relu
- Sequential model
- SGD
- stable diffusion
- Supervised Learning
- TensorFlow
- text encoder
- train
- Training
- Transfer Learning
- u-net
This video is from deeplizard covers the emerging world of AI generated art. This is a preview lesson from the deeplizard course, AI Art For Beginners – Stable Diffusion Crash Course! This course is a hands-on AI project-based course where we’ll be learning-by-doing via hands-on activities, implementing examples, and an end of course project. Our […]
Read More
From startup to production – an AI/ML success story
An agriculture startup explores how to bring AI models into production to promote healthy crops. Watch the company work through leveraging multiple data types, building the model on a shared AI platform, and successfully bringing the model into production. This video highlights the benefits of Red Hat OpenShift Data Science in a fun, informal way!
Read More
PyTorch for Deep Learning & Machine Learning – Full Course
- Frank
- April 19, 2023
- PyTorch
This video is from freeCodeCamp.org. Learn PyTorch for deep learning in this comprehensive course for beginners. PyTorch is a machine learning framework written in Python. ✏️ Daniel Bourke developed this course. Check out his channel: https://www.youtube.com/channel/UCr8O8l5cCX85Oem1d18EezQ Code: https://github.com/mrdbourke/pytorch-deep-learning Course materials online: https://learnpytorch.io
Read More
A Gentle Introduction to language modeling: building makemore
Andrej Karpathy implements a bigram character-level language model, which we will further complexify in followup videos into a modern Transformer language model, like GPT. In this video, the focus is on (1) introducing torch.Tensor and its subtleties and use in efficiently evaluating neural networks and (2) the overall framework of language modeling that includes model […]
Read More
AI Learns What Pizza Is
Green Code explores Pytorch and machine learning by teaching an AI what Pizza Is. I used CNNs, neural nets, and even some complex networks (like VGG16) to help the AI recognize pizzas.
Read More
Activation Functions – Deep Learning Dictionary
- Frank
- December 28, 2022
- activation function
- AI
- artificial intelligence
- artificial neural network
- Autoencoders
- batch normalization
- Clustering
- CNN
- Convolutional Neural Network
- CUDA
- cuDNN
- data augmentation
- Deep Learning
- Education
- fine-tune
- GPU
- image classification
- Keras
- Learning
- Machine Learning
- neural net
- Neural Network
- Nvidia
- Python
- PyTorch
- relu
- Sequential model
- SGD
- Supervised Learning
- TensorFlow
- tensorflow.js
- TFJS
- train
- Training
- Transfer Learning
- Tutorial
- Unsupervised Learning
What are activation functions within artificial neural networks? Mandy from deeplizard explains.
Read More
How to Retrain SSD Object Detection Model with Pytorch PART – 1
Interesting tutorial on transfer learning. Transfer Learning with Pytorch Transfer learning is a technique for re-training a DNN model on a new dataset, which takes less time than training a network from scratch. With transfer learning, the weights of a pre-trained model are fine-tuned to classify a customized dataset. In these examples, we’ll be using […]
Read More
Learn PyTorch for deep learning in a day. Literally.
- Frank
- August 22, 2022
- PyTorch
All code on GitHub – https://dbourke.link/pt-github
Read More