- Видео 53
- Просмотров 139 960
Programming Datascience and Others
США
Добавлен 13 апр 2020
Videos published to help programmers and data science novices/experts to implement models. I typically make videos on deep learning, but I might deviate here and there making videos about other interesting topics.
My GitHub can be found here: github.com/programming-datascience
My GitHub can be found here: github.com/programming-datascience
Text to 3D with Point-E | OpenAI
Convert a textual description of an object to a 3D point cloud using OpenAI's point -e model.
Colab Notebook Link:
colab.research.google.com/drive/1GvT6zRGE2O2l2nayNu0o0Oxp9sfRmgsG?usp=sharing
#pytorch #colab #machinelearning #ai #openai #pointe
Colab Notebook Link:
colab.research.google.com/drive/1GvT6zRGE2O2l2nayNu0o0Oxp9sfRmgsG?usp=sharing
#pytorch #colab #machinelearning #ai #openai #pointe
Просмотров: 84
Видео
Speech to Text using OpenAI Whisper
Просмотров 532Год назад
Transcribe speech to text using OpenAI's open source Whisper model. Colab Notebook is here: colab.research.google.com/drive/1HUq_elnauBnBD1T_jgVKM4O9-vgRlyCB?usp=sharing Keywords: PyTorch, OpenAI, GPT, Transformer, Whisper, AI, Python, Colab.
Stable Diffusion Inference in PyTorch.
Просмотров 166Год назад
In this video, we use PyTorch to run inference on Stable Diffusion v2, loaded from HuggingFace Hub. We will use StableDiffusion to convert textual descriptions to images. Link to Code: colab.research.google.com/drive/1nQhGC_P3JqKBG8fCZzP102CeKFigd5rN?usp=sharing
EfficientNetV2 PyTorch | Part 1
Просмотров 2,1 тыс.2 года назад
Implement EfficientNet-V2 in PyTorch. This is part one of a multi-part series. Once the series is done, the Colab link will be posted below Here is the link to the EfficientNet v2 paper: arxiv.org/abs/2104.00298 Colab Link is here: coming soon KEYWORDS EfficientNet, PyTorch, Implementation, Coding, Programming, Python, Machine Learning, Artificial Intellgence,
Web Scraping Tables using Python
Просмотров 362 года назад
In this video, we scrape tables using Python and Pandas. Specifically, we will scrape a table of the largest 50 US cities (by population) using Pandas, Requests, and Python. Scrape the data from this link: www.infoplease.com/us/cities/top-50-cities-us-population-and-rank Colab Notebook can be found here: colab.research.google.com/drive/18muQqHB_8Ruv0csIBJ_c9BAv7rMBbOWc?usp=sharing Keywords: Pyt...
Enhance Low Light Images with Tensorflow
Просмотров 5592 года назад
This tutorial is about low light image enhancement using the ZeroDCE model. We use HuggingFace Hub to load the model and tensorflow/numpy to perform inference on a low light image. Colab Link can be found here: colab.research.google.com/drive/1q1OW1XVLIyTLhNAbFlGB6FoTnAQhOvfP?usp=sharing Learn more about ZeroDCE Here: arxiv.org/abs/2001.06826 Keywords tensorflow, numpy, ai, zerodce, huggingface...
SwinIR with PyTorch | Final Part (P2) | Super Resolution
Просмотров 1,3 тыс.2 года назад
This is the second and final part of swin IR with PyTorch. In this video, we will superresolve an image of a butterfly. COLAB NOTEBOOK IS HERE colab.research.google.com/drive/17TzBSXFLu0jgItSxszNSmTDsxVXXXPfU?usp=sharing Learn more about SwinIR here at GitHub: github.com/JingyunLiang/SwinIR SwinIR Paper here on ArXiV: arxiv.org/abs/2108.10257 Keywords: SwinIR, PyTorch, Computer Vision, Python, ...
Super Resolution with SwinIR | Part 1 | PyTorch
Просмотров 1,6 тыс.2 года назад
Welcome to part 1 of super resolution with SwinIR. In this video, we will use a state-of-the-art model, SwinIR, to super resolve images. This video focuses mostly on setup, like loading in the model and SwinIR code. Code is found here: colab.research.google.com/drive/17TzBSXFLu0jgItSxszNSmTDsxVXXXPfU?usp=sharing Note that it is not completed yet.
Object Detection with Transformers | DETr | PyTorch
Просмотров 8822 года назад
In this video, we will use DETr to run Object Detection in PyTorch. We will use the model to detect cars in a picture of 10 cars. This tutorial will showcase downloading the model, transforming images, passing images to the model, processing outputs, and drawing bounding boxes over the image. Colab Notebook can be found here: colab.research.google.com/drive/1R5LU5ZIuIR57aLIZLp0L97km3eYVLTdx?usp...
DALLE Mini in PyTorch | Generate AI Art
Просмотров 1,8 тыс.2 года назад
In this video, we will generate AI art using a model called DALLE Mini. To do this, we use PyTorch and a library called min-dalle, that contains pretrained models. Open a Colab Notebook with a GPU runtime to get started. Only 5% of my viewers are subscribed, if you aren't subscribed, please like and subscribe so that I can continue to make content. More about min-dalle can be found here: github...
Run PyTorch on Apple Silicon GPU
Просмотров 1,1 тыс.2 года назад
PyTorch recently released a Metal Performance Shaders backend, allowing PyTorch to run on the Apple Silicon GPU, which will improve training and inference performance. AS of this video's publication date, GPU acceleration doesn't work on Intel based Macs. In this video, we try out the new MPS backend by training a MNIST model on it. This backend is still in alpha, so a lot of your models might ...
ConvNeXt Inference Tutorial in PyTorch | ImageNet Pretrained
Просмотров 1,3 тыс.2 года назад
Learn how to use Facebook's ConvNext model to classify a picture of a house finch. ConvNexts are a new model released by Facebook that matches the performance of Vision Transformers on Image Tasks. We run this notebook in Google Colaboratory, a no cost Jupyter Environment for anyone to get started with Machine Learning. Notebook Link: colab.research.google.com/drive/1qmal5r-CYGC0Qe7BgP70R5XonKj...
Swin Transformer In PyTorch
Просмотров 4,3 тыс.2 года назад
This video shows how to do inference with Swin Transforms in the PyTorch Deep Learning Framework. We use Swin Transformers to inference on an image of a bird (house finch). This can be run in Google Colaboratory (Colab for short). Swin Transformer is a new Vision Transformer model developed by researchers at Microsoft AI. It performs very well on the Imagenet dataset, better than many other con...
PyTorch in C++ Quickstart
Просмотров 4,1 тыс.2 года назад
A quickstart tutorial to get you up and running with PyTorch in C . Enjoy the enhanced performance of C with the power of PyTorch. You will need to have PyTorch installed via Pip or Conda, for we will pull libtorch from that installation. You will need CMake installed on your system. For windows/linux users, you should probably also have gcc/g . Mac users can use clang. This tutorial is meant f...
RetinaNet Inference | Object Detection | PyTorch
Просмотров 4,8 тыс.2 года назад
This is a object detection in RetinaNet tutorial. In this tutorial, we will use a pretrained RetinaNet (provided by torchvision) to detect cars in an image. Sorry for the late video. Notebook Link: colab.research.google.com/drive/1ISB5JvDaYY-yG-_lF2rRqlFmf4F3xgId?usp=sharing
Train Object Detection Models in PyTorch | Faster RCNN | Aquarium Detection
Просмотров 21 тыс.3 года назад
Train Object Detection Models in PyTorch | Faster RCNN | Aquarium Detection
Train Vision Transformers in PyTorch | DeIT | Butterfly Dataset | Image Classification
Просмотров 8 тыс.3 года назад
Train Vision Transformers in PyTorch | DeIT | Butterfly Dataset | Image Classification
OpenAI Evolution Strategies in PyTorch
Просмотров 6323 года назад
OpenAI Evolution Strategies in PyTorch
Convert Tensorflow Hub models to CoreML in Colab
Просмотров 2 тыс.3 года назад
Convert Tensorflow Hub models to CoreML in Colab
Build an Toxicity Detector with Tensorflow.js
Просмотров 5293 года назад
Build an Toxicity Detector with Tensorflow.js
DCGAN in PyTorch | From Scratch | MNIST
Просмотров 8793 года назад
DCGAN in PyTorch | From Scratch | MNIST
Create a Neural Network from scratch with NumPy | MNIST
Просмотров 2,3 тыс.3 года назад
Create a Neural Network from scratch with NumPy | MNIST
Image Segmentation in Tensorflow | Part 1 |
Просмотров 1313 года назад
Image Segmentation in Tensorflow | Part 1 |
Super Resolution in PyTorch | Part 3 | SRGAN | Training
Просмотров 2 тыс.3 года назад
Super Resolution in PyTorch | Part 3 | SRGAN | Training
Run Windows 10 on M1 MacBook Air | Play Rocket League | Parallels 16 for ARM
Просмотров 1,2 тыс.3 года назад
Run Windows 10 on M1 MacBook Air | Play Rocket League | Parallels 16 for ARM
Instance Segmentation in PyTorch | Mask RCNN
Просмотров 14 тыс.3 года назад
Instance Segmentation in PyTorch | Mask RCNN
PyTorch Masked Language Modeling | Transformers | Google Electra Model | NLP
Просмотров 8223 года назад
PyTorch Masked Language Modeling | Transformers | Google Electra Model | NLP
Super Resolution in PyTorch | Part 2 | SRGAN
Просмотров 2,8 тыс.3 года назад
Super Resolution in PyTorch | Part 2 | SRGAN
[OLD] Train Tensorflow models on a M1 MacBook Air | macOS
Просмотров 1,4 тыс.3 года назад
[OLD] Train Tensorflow models on a M1 MacBook Air | macOS
Can you give me your github?
it's not giving me any good result.
how can i train this swin with mu own data?
can we take another image on which we will apply the same. if yes tell me how
thanks for the tutorial, but i got wrong prediction, i think 5 epoch not enough.
I'm getting this error ValueError: Expected x_max for bbox (0.6930555555555555, 0.4097222222222222, 1.000522222222222, 0.7804180555555557, 2) to be in the range [0.0, 1.0], got 1.000522222222222. Pls help
how to generate image after training?
What if I only have Train and Test dataset?
Damn, just what i needed thanks brother😂
wow great work! you made my day! keep up the great work.
How can we make higher resolution output?
Hi could you please help ? it shows this message : n("FP16 is not supported on CPU; using FP32 instead
Thank you for your tutorial but I get some problem about *plt.imshow(bounding_boxes_img.permute(1, 2, 0))* command. My kernel is restarting with error: *The kernel appears to have died. It will restart automatically.* How can I fix it?
next video?
mt bom
is it a CNN modle
Has any of you guys had problems with overfitting? My dataset is 224 X 224 X 3, with 53 classes. There are 7624 training images, 265 test images and 265 validation images I did not perform augumentation before training, just normalizing and transforming to tensor, maybe it could be the case? In first epochs my val accuracy is like 0.01 but train acc is fine. What could possibly go wrong?
The !wget line doesn't work and results in 404 not found. Is it outdated? also in get_data_loaders function, the transform=transform causes an error.
it is error in step 11 NameError: name 'inp_batch' is not defined How fix it?
Can I use Swin IR for Superresolution and Later on Use this images For Skin disease classification Can It give more accurate results or not.
Only a few changes provided by chatgtp and Works perfect, realy thank you very much.
make another video where we can load our own model instead resnet 18
Hey, can we get link to the notebook !
Thanks for the turorial! I am curious about why does[ len(target) == 64] at 3:32 in the video
can you save the Faster RCNN trained model and used it later on on detection?
How to see the accuracy of this model
I am sorry but where is the part committed to the GPU implementation?
You should make a video on how to train it
Im getting this error when i used the same code and dataset from your video ValueError: Expected x_max for bbox (0.1953125, 0.128125, 1.0007171874999998, 0.9323515625000001, 6) to be in the range [0.0, 1.0], got 1.0007171874999998.
Same tho, It looks like the issue is that you ask for boxes that are outside the image as one of the bounding box value is more than 1.
is it possible to use a custom dataset ?
Yes
no module named timm how to fix this?
pip install timm In colab add a ! before the pip
where is the code for this
Would love to see part 2:)
Sorry, Im working on it.
What does the images and target should look like (in the line "images, target = next(iter(data_loader)")? I have tried to work with different input and there is an error at this line.
Thanks for the tutorial. I would like to have precision, recall and MAP.5 during the training
why did you create those specific layers on the head of the model?
The original model is for ImageNet, which is around 1000 classes. We need our output to be the amount of butterfly classes, like 100 or something, hence the len(classes). The extra linear layer and the activation functions just provide better accuracy when replacing the model head with our own.
Nice starting code, are you planning to post the other videos soon?
Yes I will
Man how can I contact you?
What's the name of the program you use in the video?
Google Colaboratory, or CoreML?
@@programmingdatascienceandother coreml
Sir, it threw me error _, _, h_old, w_old = img_lq.size() TypeError Traceback (most recent call last) <ipython-input-60-7d4efbfac0ee> in <module> 2 SCALE = 2 3 with torch.no_grad(): ----> 4 _, _, h_old, w_old = img_lq.size() 5 h_pad = (h_old // window_size + 1) * window_size - h_old 6 w_pad = (w_old // window_size + 1) * window_size - w_old TypeError: 'int' object is not callable
It seems to say that .size() is not a method. Maybe you forgot to convert it to a torch.tensor?
☀️ promo sm!!
Can anyone help me as how can I use validation set in this code ?
one thing to note is that what you programmed was actually image classification and not detection where it will be used in training so please change the name to classification otherwise your coding was spot on and would need some improvements and good vid.
how can i apply my dataset to this code ?
You will have to load your own dataset using the PyTorch dataloaders. Check out the first part for dataset loading code.
Thank you very much, you helped me a lot
You're welcome!
Only 5% of my viewers are subscribed, if you aren't subscribed, please like and subscribe so that I can continue to make content.
How can I run inference on webcam using faster rcnn pytorch? Thank you in advance
You could try using OpenCV to get a webcam feed and then feed that to the model. For real time, you may want to look into better models like SSD or look into frameworks like TensorFlow Lite
𝓟Ř𝔬𝓂𝔬𝐒ϻ 🏃
plt.imshow(img) -------------------------------------------------------------------------- NameError Traceback (most recent call last) <ipython-input-14-23af6c37b3d0> in <module> ----> 1 plt.imshow(img) NameError: name 'img' is not defined
Hello. Thank you for the wonderful video. I would like to see the code for displaying the learning curve and validation curve, is it possible?