[Udemy, Neuralearn Dot AI] Deep Learning Masterclass with TensorFlow 2 Over 20 Projects [4/2024, ENG]

Страницы:  1
Ответить
 

LearnJavaScript Beggom

Стаж: 5 лет 8 месяцев

Сообщений: 2065

LearnJavaScript Beggom · 16-Июл-25 19:25 (4 месяца 5 дней назад)

Deep Learning Masterclass with TensorFlow 2 Over 20 Projects
Год выпуска: 4/2024
Производитель: Udemy
Сайт производителя: https://www.udemy.com/course/deep-learning-masterclass-with-tensorflow-2-over-15-projects/
Автор: Neuralearn Dot AI
Продолжительность: 67h 10m 39s
Тип раздаваемого материала: Видеоурок
Язык: Английский
Субтитры: Английский
Описание:
What you'll learn
  1. The Basics of Tensors and Variables with Tensorflow
  2. Basics of Tensorflow and training neural networks with TensorFlow 2.
  3. Convolutional Neural Networks applied to Malaria Detection
  4. Building more advanced Tensorflow models with Functional API, Model Subclassing and Custom Layers
  5. Evaluating Classification Models using different metrics like: Precision,Recall,Accuracy and F1-score
  6. Classification Model Evaluation with Confusion Matrix and ROC Curve
  7. Tensorflow Callbacks, Learning Rate Scheduling and Model Check-pointing
  8. Mitigating Overfitting and Underfitting with Dropout, Regularization, Data augmentation
  9. Data augmentation with TensorFlow using TensorFlow image and Keras Layers
  10. Advanced augmentation strategies like Cutmix and Mixup
  11. Data augmentation with Albumentations with TensorFlow 2 and PyTorch
  12. Custom Loss and Metrics in TensorFlow 2
  13. Eager and Graph Modes in TensorFlow 2
  14. Custom Training Loops in TensorFlow 2
  15. Integrating Tensorboard with TensorFlow 2 for data logging, viewing model graphs, hyperparameter tuning and profiling
  16. Machine Learning Operations (MLOps) with Weights and Biases
  17. Experiment tracking with Wandb
  18. Hyperparameter tuning with Wandb
  19. Dataset versioning with Wandb
  20. Model versioning with Wandb
  21. Human emotions detection
  22. Modern convolutional neural networks(Alexnet, Vggnet, Resnet, Mobilenet, EfficientNet)
  23. Transfer learning
  24. Visualizing convnet intermediate layers
  25. Grad-cam method
  26. Model ensembling and class imbalance
  27. Transformers in Vision
  28. Model deployment
  29. Conversion from tensorflow to Onnx Model
  30. Quantization Aware training
  31. Building API with Fastapi
  32. Deploying API to the Cloud
  33. Object detection from scratch with YOLO
  34. Image Segmentation from scratch with UNET model
  35. People Counting from scratch with Csrnet
  36. Digit generation with Variational autoencoders (VAE)
  37. Face generation with Generative adversarial neural networks (GAN)
  38. Sentiment Analysis with Recurrent neural networks, Attention Models and Transformers from scratch
  39. Neural Machine Translation with Recurrent neural networks, Attention Models and Transformers from scratch
  40. Intent Classification with Deberta in Huggingface transformers
  41. Neural Machine Translation with T5 in Huggingface transformers
  42. Extractive Question Answering with Longformer in Huggingface transformers
  43. E-commerce search engine with Sentence transformers
  44. Lyrics Generator with GPT2 in Huggingface transformers
  45. Grammatical Error Correction with T5 in Huggingface transformers
  46. Elon Musk Bot with BlenderBot in Huggingface transformers
Requirements
  1. Basic Math
  2. Access to an internet connection, as we shall be using Google Colab (free version)
  3. Basic Knowledge of Python
Description
Deep Learning is one of the most popular fields in computer science today. It has applications in many and very varied domains. With the publishing of much more efficient deep learning models in the early 2010s, we have seen a great improvement in the state of the art in domains like Computer Vision, Natural Language Processing, Image Generation, and Signal Processing.
The demand for Deep Learning engineers is skyrocketing and experts in this field are highly paid, because of their value. However, getting started in this field isn’t easy. There’s so much information out there, much of which is outdated and many times don't take the beginners into consideration
In this course, we shall take you on an amazing journey in which you'll master different concepts with a step-by-step and project-based approach. You shall be using Tensorflow 2 (the world's most popular library for deep learning, and built by Google) and Huggingface. We shall start by understanding how to build very simple models (like Linear regression models for car price prediction, text classifiers for movie reviews, binary classifiers for malaria prediction) using Tensorflow and Huggingface transformers, to more advanced models (like object detection models with YOLO, lyrics generator model with GPT2 and Image generation with GANs)
After going through this course and carrying out the different projects, you will develop the skill sets needed to develop modern deep-learning solutions that big tech companies encounter.
You will learn:
  1. The Basics of Tensorflow (Tensors, Model building, training, and evaluation)
  2. Deep Learning algorithms like Convolutional neural networks and Vision Transformers
  3. Evaluation of Classification Models (Precision, Recall, Accuracy, F1-score, Confusion Matrix, ROC Curve)
  4. Mitigating overfitting with Data augmentation
  5. Advanced Tensorflow concepts like Custom Losses and Metrics, Eager and Graph Modes and Custom Training Loops, Tensorboard
  6. Machine Learning Operations (MLOps) with Weights and Biases (Experiment Tracking, Hyperparameter Tuning, Dataset Versioning, Model Versioning)
  7. Binary Classification with Malaria detection
  8. Multi-class Classification with Human Emotions Detection
  9. Transfer learning with modern Convnets (Vggnet, Resnet, Mobilenet, Efficientnet) and Vision Transformers (VITs)
  10. Object Detection with YOLO (You Only Look Once)
  11. Image Segmentation with UNet
  12. People Counting with Csrnet
  13. Model Deployment (Distillation, Onnx format, Quantization, Fastapi, Heroku Cloud)
  14. Digit generation with Variational Autoencoders
  15. Face generation with Generative Adversarial Neural Networks
  16. Text Preprocessing for Natural Language Processing.
  17. Deep Learning algorithms like Recurrent Neural Networks, Attention Models, Transformers, and Convolutional neural networks.
  18. Sentiment analysis with RNNs, Transformers, and Huggingface Transformers (Deberta)
  19. Transfer learning with Word2vec and modern Transformers (GPT, Bert, ULmfit, Deberta, T5...)
  20. Machine translation with RNNs, attention, transformers, and Huggingface Transformers (T5)
  21. Model Deployment (Onnx format, Quantization, Fastapi, Heroku Cloud)
  22. Intent Classification with Deberta in Huggingface transformers
  23. Named Entity Relation with Roberta in Huggingface transformers
  24. Neural Machine Translation with T5 in Huggingface transformers
  25. Extractive Question Answering with Longformer in Huggingface transformers
  26. E-commerce search engine with Sentence transformers
  27. Lyrics Generator with GPT2 in Huggingface transformers
  28. Grammatical Error Correction with T5 in Huggingface transformers
  29. Elon Musk Bot with BlenderBot in Huggingface transformers
  30. Speech recognition with RNNs
If you are willing to move a step further in your career, this course is destined for you and we are super excited to help achieve your goals!
This course is offered to you by Neuralearn. And just like every other course by Neuralearn, we lay much emphasis on feedback. Your reviews and questions in the forum will help us better this course. Feel free to ask as many questions as possible on the forum. We do our very best to reply in the shortest possible time.
Enjoy!!!
Who this course is for:
  1. Beginner Python Developers curious about Applying Deep Learning for Computer vision and Natural Language Processing
  2. Deep Learning for Computer vision Practitioners who want gain a mastery of how things work under the hood
  3. Anyone who wants to master deep learning fundamentals and also practice deep learning for computer vision using best practices in TensorFlow.
  4. Computer Vision practitioners who want to learn how state of art computer vision models are built and trained using deep learning.
  5. Natural Language Processing practitioners who want to learn how state of art NLP models are built and trained using deep learning.
  6. Anyone wanting to deploy ML Models
  7. Learners who want a practical approach to Deep learning for Computer vision, Natural Language Processing and Sound recognition
Формат видео: MP4
Видео: avc, 1280x720, 16:9, 30.000 к/с, 484 кб/с
Аудио: aac lc sbr, 44.1 кгц, 62.8 кб/с, 2 аудио
Изменения/Changes
The 2024/4 version has a reduction of 100 lessons and a duration of 32 hours and 26 minutes compared to the 2023/2 version.
MediaInfo
General
Complete name : D:\2\Udemy - Deep Learning Masterclass with TensorFlow 2 Over 20 Projects (4.2024)\21. People counting\04. CSRNET.mp4
Format : MPEG-4
Format profile : Base Media
Codec ID : isom (isom/iso2/avc1/mp41)
File size : 28.5 MiB
Duration : 7 min 11 s
Overall bit rate : 553 kb/s
Frame rate : 30.000 FPS
Writing application : Lavf61.9.100
Video
ID : 1
Format : AVC
Format/Info : Advanced Video Codec
Format profile : Main@L3.1
Format settings : CABAC / 4 Ref Frames
Format settings, CABAC : Yes
Format settings, Reference frames : 4 frames
Codec ID : avc1
Codec ID/Info : Advanced Video Coding
Duration : 7 min 11 s
Bit rate : 484 kb/s
Nominal bit rate : 600 kb/s
Width : 1 280 pixels
Height : 720 pixels
Display aspect ratio : 16:9
Frame rate mode : Constant
Frame rate : 30.000 FPS
Color space : YUV
Chroma subsampling : 4:2:0
Bit depth : 8 bits
Scan type : Progressive
Bits/(Pixel*Frame) : 0.018
Stream size : 24.9 MiB (87%)
Writing library : x264 core 164 r3095 baee400
Encoding settings : cabac=1 / ref=3 / deblock=1:0:0 / analyse=0x1:0x111 / me=umh / subme=6 / psy=1 / psy_rd=1.00:0.00 / mixed_ref=1 / me_range=16 / chroma_me=1 / trellis=1 / 8x8dct=0 / cqm=0 / deadzone=21,11 / fast_pskip=1 / chroma_qp_offset=-2 / threads=22 / lookahead_threads=3 / sliced_threads=0 / nr=0 / decimate=1 / interlaced=0 / bluray_compat=0 / constrained_intra=0 / bframes=3 / b_pyramid=2 / b_adapt=1 / b_bias=0 / direct=1 / weightb=1 / open_gop=0 / weightp=2 / keyint=60 / keyint_min=6 / scenecut=0 / intra_refresh=0 / rc_lookahead=60 / rc=cbr / mbtree=1 / bitrate=600 / ratetol=1.0 / qcomp=0.60 / qpmin=0 / qpmax=69 / qpstep=4 / vbv_maxrate=600 / vbv_bufsize=1200 / nal_hrd=none / filler=0 / ip_ratio=1.40 / aq=1:1.00
Color range : Limited
Color primaries : BT.709
Transfer characteristics : BT.709
Matrix coefficients : BT.601
Codec configuration box : avcC
Audio
ID : 2
Format : AAC LC SBR
Format/Info : Advanced Audio Codec Low Complexity with Spectral Band Replication
Commercial name : HE-AAC
Format settings : Explicit
Codec ID : mp4a-40-2
Duration : 7 min 11 s
Bit rate mode : Constant
Bit rate : 62.8 kb/s
Channel(s) : 2 channels
Channel layout : L R
Sampling rate : 44.1 kHz
Frame rate : 21.533 FPS (2048 SPF)
Compression mode : Lossy
Stream size : 3.23 MiB (11%)
Language : English
Default : Yes
Alternate group : 1
Скриншоты
Download
Rutracker.org не распространяет и не хранит электронные версии произведений, а лишь предоставляет доступ к создаваемому пользователями каталогу ссылок на торрент-файлы, которые содержат только списки хеш-сумм
Как скачивать? (для скачивания .torrent файлов необходима регистрация)
[Профиль]  [ЛС] 
 
Ответить
Loading...
Error