Balaji Srinivasan
Balaji Srinivasan
  • 45
  • 1 265 573
Introduction to Deep Learning | Episode 1
In this video, we will talk about the basics and provide an introduction to deep learning.
GitHub: github.com/balajisrinivas
LinkedIn: www.linkedin.com/in/balaji2512/
zhlédnutí: 449

Video

BERT 07 - Language Modelling
zhlédnutí 2,1KPřed rokem
In this video, we will briefly discuss about the Language Modelling. In the language modeling task, we train the model to predict the next word given a sequence of words. We can categorize the language modeling into two aspects: 1. Auto-regressive language modeling 2. Auto-encoding language modeling LinkedIn: www.linkedin.com/in/balaji2512 GitHub: github.com/balajisrinivas
Solving LeetCode SQL Question with Explanation | LeetCode 511
zhlédnutí 320Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 181
zhlédnutí 289Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Black and white image colorization using Python, OpenCV and Deep Learning
zhlédnutí 20KPřed rokem
In this video, we will learn how to colorize black and white images using OpenCV, Deep Learning, and Python. Image colorization is the process of taking an input grayscale (black and white) image and then producing an output colorized image. The approach we are going to use here relies on deep learning. We will utilize a Convolutional Neural Network capable of colorizing black and white images ...
Solving LeetCode SQL Question with Explanation | LeetCode 1729
zhlédnutí 126Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 1741
zhlédnutí 119Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 184
zhlédnutí 149Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 178
zhlédnutí 142Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 176
zhlédnutí 158Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
Solving LeetCode SQL Question with Explanation | LeetCode 596
zhlédnutí 93Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
BERT 06 - Input Embeddings
zhlédnutí 3,9KPřed rokem
Before feeding the input to BERT, we convert the input into embeddings using the three embedding layers. 1. Token embedding 2. Segment embedding 3. Position embedding Let's understand how each of these embedding layers work one by one in this video. LinkedIn: www.linkedin.com/in/balaji2512 GitHub: github.com/balajisrinivas
Solving LeetCode SQL Question with Explanation | LeetCode 180
zhlédnutí 279Před rokem
In this video I solve and explain a leetcode SQL question using MySQL query. This question has been asked in Apple, Facebook, Amazon, Google, Adobe, Microsoft, Adobe interviews or what we popularly call FAANG interviews. I explain the related concept as well, this also includes points to keep in mind to develop SQL queries. LeetCode is the best platform to help you enhance your skills, expand y...
BERT 05 - Pretraining And Finetuning
zhlédnutí 3,8KPřed rokem
In this video, we will learn how to pre-train the BERT model. But what does pre-training mean? Say we have a model, first, we train the model with a huge dataset for a particular task and save the trained model. Now, for a new task, instead of initializing a new model with random weights, we will initialize the model with the weights of our already trained model, (pre-trained model). That is si...
Solving LeetCode SQL Question with Explanation | LeetCode 1050
zhlédnutí 428Před rokem
Solving LeetCode SQL Question with Explanation | LeetCode 1050
BERT 04 - Configurations Of BERT
zhlédnutí 2,5KPřed rokem
BERT 04 - Configurations Of BERT
BERT 03 - Encoder Components
zhlédnutí 3,2KPřed rokem
BERT 03 - Encoder Components
BERT 02 - Transformers and Encoders
zhlédnutí 4,7KPřed rokem
BERT 02 - Transformers and Encoders
BERT 01 - Introduction
zhlédnutí 10KPřed rokem
BERT 01 - Introduction
Smile detection using Python OpenCV, Keras, and TensorFlow | Detect smile on real-time video streams
zhlédnutí 10KPřed 2 lety
Smile detection using Python OpenCV, Keras, and TensorFlow | Detect smile on real-time video streams
Python Chatbot Project - Learn to build your first chatbot using Python NLTK & Keras
zhlédnutí 17KPřed 3 lety
Python Chatbot Project - Learn to build your first chatbot using Python NLTK & Keras
Detect Face and Blur using Python and OpenCV
zhlédnutí 4,2KPřed 3 lety
Detect Face and Blur using Python and OpenCV
Color Detection using Python - OpenCV and Pandas
zhlédnutí 53KPřed 3 lety
Color Detection using Python - OpenCV and Pandas
YOLO Algorithm for Object Detection Implementation using Python
zhlédnutí 34KPřed 3 lety
YOLO Algorithm for Object Detection Implementation using Python
YOLO (You Only Look Once) algorithm for Object Detection Explained!
zhlédnutí 87KPřed 3 lety
YOLO (You Only Look Once) algorithm for Object Detection Explained!
K Nearest Neighbors (KNN) classification: Intuition and Practical Implementation
zhlédnutí 702Před 3 lety
K Nearest Neighbors (KNN) classification: Intuition and Practical Implementation
Deep Learning From Scratch Part 3: Activation Functions
zhlédnutí 921Před 3 lety
Deep Learning From Scratch Part 3: Activation Functions
Deep Learning From Scratch Part 2: The Forward Propagation
zhlédnutí 957Před 3 lety
Deep Learning From Scratch Part 2: The Forward Propagation
Deep Learning From Scratch Part 1: Introduction to Neural Networks
zhlédnutí 2,2KPřed 3 lety
Deep Learning From Scratch Part 1: Introduction to Neural Networks
Gender Detection using CNN, Python, Keras, OpenCV | Detect gender & faces on real-time video streams
zhlédnutí 68KPřed 4 lety
Gender Detection using CNN, Python, Keras, OpenCV | Detect gender & faces on real-time video streams

Komentáře

  • @edisukirman9877
    @edisukirman9877 Před 2 dny

    i got error, please help me sir, im so interested with this program

  • @Nithin_3424
    @Nithin_3424 Před 3 dny

    My webcam sometimes Not responding how can i solve the problem. but the cam working good.the recognition is strucked sometimes. please help

  • @Nithin_3424
    @Nithin_3424 Před 3 dny

    My webcam sometimes Not responding how can i solve the problem. but the cam working good.the recognition is strucked sometimes. please help

  • @wcottee
    @wcottee Před 14 dny

    I missed something...for training and testing we have images plus bounding boxes in our inputs. But the final model input is image only. How is this handled?

  • @shaikameerun6665
    @shaikameerun6665 Před 18 dny

    Sir weights file is not opening in visual studio code

  • @VidishArvind
    @VidishArvind Před 21 dnem

    where is next video?

  • @VirtualKnowledge
    @VirtualKnowledge Před 23 dny

    Bro plz help me even after installing all the dependencies, it is showing as "no module named tensorflow"

  • @qbit8022
    @qbit8022 Před 23 dny

    You have revealed the truth behind AI

  • @shaimakulavoor271
    @shaimakulavoor271 Před 25 dny

    can we use jupiter notebook?

  • @anam7374
    @anam7374 Před 25 dny

    Thnk u for making this topic easy for me i have to submit thesis on this

  • @sreethasetty
    @sreethasetty Před 25 dny

    what are the requirements to run this code , can anyone explain please

  • @MeghaJU-u1y
    @MeghaJU-u1y Před 26 dny

    Sir its showing no such file or directory:'color.csv what should we do sir

  • @fregenelazarus9946
    @fregenelazarus9946 Před 26 dny

    Appreciate your amazing skills! Explaining complex concepts in simple terms

  • @aliniaz6448
    @aliniaz6448 Před měsícem

    the video is so helpful but the problem though is that video is 3 years old, there should be an updated needed with keras 3.3. Thanks in advance.😄

  • @srilalithabuddala6674
    @srilalithabuddala6674 Před měsícem

    Sir yolov3 weight is doesn't able to open

  • @David-yi1hf
    @David-yi1hf Před měsícem

    Thank you so much

  • @mdmahinulalamtanjid4798
    @mdmahinulalamtanjid4798 Před měsícem

    Which IDE is this

  • @jayaprakashs4412
    @jayaprakashs4412 Před měsícem

    Bro, when you're going to upload the next video?

  • @NanamPranay
    @NanamPranay Před měsícem

    Hlo Anna help Anna, can't downloading the 3rd file

  • @Simran-tp1nz
    @Simran-tp1nz Před měsícem

    Thank you so much for the detailed explanation on the image colonization project! Your step-by-step guidance was incredibly helpful. Keep up the great work!

  • @prajwalrao6381
    @prajwalrao6381 Před 2 měsíci

    bro does these work on vs code

  • @ManasNandMohan
    @ManasNandMohan Před 2 měsíci

    only detecting male classes

  • @sreebvmcreation9388
    @sreebvmcreation9388 Před 2 měsíci

    hello sir can i use transformer architecture(BERT) for finance fraud detection or credit card fraud cdetection

  • @Ggghvujhjihhhhh
    @Ggghvujhjihhhhh Před 2 měsíci

    Can someone develop project for my business using YOLO.

  • @AmitKumarManjhi-wc8mp
    @AmitKumarManjhi-wc8mp Před 2 měsíci

    Thank you for this video and the detailed explanation. I'm trying to set it up in a Python 3.9 environment, but it's not working. Could you please let me know which version of Python you are using?

  • @pratyushpro9060
    @pratyushpro9060 Před 2 měsíci

    Am completely a newbie to AI and ML topics, so i have a doubt. That is , is this a single layer ML model or Multi layer ML model ? Please correct me even if my question is wrong. Thank you

  • @sruthisammeta2059
    @sruthisammeta2059 Před 3 měsíci

    Sir why cant i import cv2 and pandas sir?please help

  • @imaginics
    @imaginics Před 3 měsíci

    Sir does machine name the animal as cat or dog

  • @parth_Rana4
    @parth_Rana4 Před 3 měsíci

    i am getting following error D:\anaconda3\lib\site-packages\tensorflow\python\framework\dtypes.py:513: FutureWarning: In the future `np.object` will be defined as the corresponding NumPy scalar. np.object, --------------------------------------------------------------------------- AttributeError Traceback (most recent call last) Cell In[6], line 2 1 import cv2 ----> 2 import tensorflow.keras as keras File D:\anaconda3\lib\site-packages\tensorflow\__init__.py:41 38 import six as _six 39 import sys as _sys ---> 41 from tensorflow.python.tools import module_util as _module_util 42 from tensorflow.python.util.lazy_loader import LazyLoader as _LazyLoader 44 # Make sure code inside the TensorFlow codebase can use tf2.enabled() at import. File D:\anaconda3\lib\site-packages\tensorflow\python\__init__.py:45 40 from tensorflow.python.eager import context 42 # pylint: enable=wildcard-import 43 44 # Bring in subpackages. ---> 45 from tensorflow.python import data 46 from tensorflow.python import distribute 47 from tensorflow.python import keras File D:\anaconda3\lib\site-packages\tensorflow\python\data\__init__.py:25 22 from __future__ import print_function 24 # pylint: disable=unused-import ---> 25 from tensorflow.python.data import experimental 26 from tensorflow.python.data.ops.dataset_ops import Dataset 27 from tensorflow.python.data.ops.dataset_ops import INFINITE as INFINITE_CARDINALITY File D:\anaconda3\lib\site-packages\tensorflow\python\data\experimental\__init__.py:96 93 from __future__ import print_function 95 # pylint: disable=unused-import ---> 96 from tensorflow.python.data.experimental import service 97 from tensorflow.python.data.experimental.ops.batching import dense_to_ragged_batch 98 from tensorflow.python.data.experimental.ops.batching import dense_to_sparse_batch File D:\anaconda3\lib\site-packages\tensorflow\python\data\experimental\service\__init__.py:21 18 from __future__ import division 19 from __future__ import print_function ---> 21 from tensorflow.python.data.experimental.ops.data_service_ops import distribute 22 from tensorflow.python.data.experimental.service.server_lib import DispatchServer 23 from tensorflow.python.data.experimental.service.server_lib import WorkerServer File D:\anaconda3\lib\site-packages\tensorflow\python\data\experimental\ops\data_service_ops.py:25 22 import six 24 from tensorflow.python import tf2 ---> 25 from tensorflow.python.data.experimental.ops import compression_ops 26 from tensorflow.python.data.experimental.ops.distribute_options import AutoShardPolicy 27 from tensorflow.python.data.experimental.ops.distribute_options import ExternalStatePolicy File D:\anaconda3\lib\site-packages\tensorflow\python\data\experimental\ops\compression_ops.py:20 17 from __future__ import division 18 from __future__ import print_function ---> 20 from tensorflow.python.data.util import structure 21 from tensorflow.python.ops import gen_experimental_dataset_ops as ged_ops 24 def compress(element): File D:\anaconda3\lib\site-packages\tensorflow\python\data\util\structure.py:26 23 import six 24 import wrapt ---> 26 from tensorflow.python.data.util import nest 27 from tensorflow.python.framework import composite_tensor 28 from tensorflow.python.framework import ops File D:\anaconda3\lib\site-packages\tensorflow\python\data\util est.py:41 38 import six as _six 40 from tensorflow.python import _pywrap_utils ---> 41 from tensorflow.python.framework import sparse_tensor as _sparse_tensor 42 from tensorflow.python.util.compat import collections_abc as _collections_abc 45 def _sorted(dict_): File D:\anaconda3\lib\site-packages\tensorflow\python\framework\sparse_tensor.py:29 27 from tensorflow.python import tf2 28 from tensorflow.python.framework import composite_tensor ---> 29 from tensorflow.python.framework import constant_op 30 from tensorflow.python.framework import dtypes 31 from tensorflow.python.framework import ops File D:\anaconda3\lib\site-packages\tensorflow\python\framework\constant_op.py:29 27 from tensorflow.core.framework import types_pb2 28 from tensorflow.python.eager import context ---> 29 from tensorflow.python.eager import execute 30 from tensorflow.python.framework import dtypes 31 from tensorflow.python.framework import op_callbacks File D:\anaconda3\lib\site-packages\tensorflow\python\eager\execute.py:27 25 from tensorflow.python import pywrap_tfe 26 from tensorflow.python.eager import core ---> 27 from tensorflow.python.framework import dtypes 28 from tensorflow.python.framework import ops 29 from tensorflow.python.framework import tensor_shape File D:\anaconda3\lib\site-packages\tensorflow\python\framework\dtypes.py:513 482 _NP_TO_TF[pdt] = next( 483 _NP_TO_TF[dt] for dt in _NP_TO_TF if dt == pdt().dtype) 486 TF_VALUE_DTYPES = set(_NP_TO_TF.values()) 489 _TF_TO_NP = { 490 types_pb2.DT_HALF: 491 np.float16, 492 types_pb2.DT_FLOAT: 493 np.float32, 494 types_pb2.DT_DOUBLE: 495 np.float64, 496 types_pb2.DT_INT32: 497 np.int32, 498 types_pb2.DT_UINT8: 499 np.uint8, 500 types_pb2.DT_UINT16: 501 np.uint16, 502 types_pb2.DT_UINT32: 503 np.uint32, 504 types_pb2.DT_UINT64: 505 np.uint64, 506 types_pb2.DT_INT16: 507 np.int16, 508 types_pb2.DT_INT8: 509 np.int8, 510 # NOTE(touts): For strings we use np.object as it supports variable length 511 # strings. 512 types_pb2.DT_STRING: --> 513 np.object, 514 types_pb2.DT_COMPLEX64: 515 np.complex64, 516 types_pb2.DT_COMPLEX128: 517 np.complex128, 518 types_pb2.DT_INT64: 519 np.int64, 520 types_pb2.DT_BOOL: 521 np.bool, 522 types_pb2.DT_QINT8: 523 _np_qint8, 524 types_pb2.DT_QUINT8: 525 _np_quint8, 526 types_pb2.DT_QINT16: 527 _np_qint16, 528 types_pb2.DT_QUINT16: 529 _np_quint16, 530 types_pb2.DT_QINT32: 531 _np_qint32, 532 types_pb2.DT_BFLOAT16: 533 _np_bfloat16, 534 535 # Ref types 536 types_pb2.DT_HALF_REF: 537 np.float16, 538 types_pb2.DT_FLOAT_REF: 539 np.float32, 540 types_pb2.DT_DOUBLE_REF: 541 np.float64, 542 types_pb2.DT_INT32_REF: 543 np.int32, 544 types_pb2.DT_UINT32_REF: 545 np.uint32, 546 types_pb2.DT_UINT8_REF: 547 np.uint8, 548 types_pb2.DT_UINT16_REF: 549 np.uint16, 550 types_pb2.DT_INT16_REF: 551 np.int16, 552 types_pb2.DT_INT8_REF: 553 np.int8, 554 types_pb2.DT_STRING_REF: 555 np.object, 556 types_pb2.DT_COMPLEX64_REF: 557 np.complex64, 558 types_pb2.DT_COMPLEX128_REF: 559 np.complex128, 560 types_pb2.DT_INT64_REF: 561 np.int64, 562 types_pb2.DT_UINT64_REF: 563 np.uint64, 564 types_pb2.DT_BOOL_REF: 565 np.bool, 566 types_pb2.DT_QINT8_REF: 567 _np_qint8, 568 types_pb2.DT_QUINT8_REF: 569 _np_quint8, 570 types_pb2.DT_QINT16_REF: 571 _np_qint16, 572 types_pb2.DT_QUINT16_REF: 573 _np_quint16, 574 types_pb2.DT_QINT32_REF: 575 _np_qint32, 576 types_pb2.DT_BFLOAT16_REF: 577 _np_bfloat16, 578 } 580 _QUANTIZED_DTYPES_NO_REF = frozenset([qint8, quint8, qint16, quint16, qint32]) 581 _QUANTIZED_DTYPES_REF = frozenset( 582 [qint8_ref, quint8_ref, qint16_ref, quint16_ref, qint32_ref]) File D:\anaconda3\lib\site-packages umpy\__init__.py:305, in __getattr__(attr) 300 warnings.warn( 301 f"In the future `np.{attr}` will be defined as the " 302 "corresponding NumPy scalar.", FutureWarning, stacklevel=2) 304 if attr in __former_attrs__: --> 305 raise AttributeError(__former_attrs__[attr]) 307 # Importing Tester requires importing all of UnitTest which is not a 308 # cheap import Since it is mainly used in test suits, we lazy import it 309 # here to save on the order of 10 ms of import time for most users 310 # 311 # The previous way Tester was imported also had a side effect of adding 312 # the full `numpy.testing` namespace 313 if attr == 'testing': AttributeError: module 'numpy' has no attribute 'object'. `np.object` was a deprecated alias for the builtin `object`. To avoid this error in existing code, use `object` by itself. Doing this will not modify any behavior and is safe. The aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at: numpy.org/devdocs/release/1.20.0-notes.html#deprecations

  • @THOSHI-cn6hg
    @THOSHI-cn6hg Před 3 měsíci

    Audio

  • @krathikat884
    @krathikat884 Před 3 měsíci

    thankyou. Next videos?

  • @rameshganapathi7905
    @rameshganapathi7905 Před 3 měsíci

    If the path involves train data and test data and 2 files, say, men and women within testdata folder and traindata folder how do i specify the directory and categories. The zipfile consists of 1000 images of men and equal amount of images for women. How do i specify the code?

  • @stickaround7167
    @stickaround7167 Před 3 měsíci

    Sir I need some help from because code is not running

  • @aksh2588
    @aksh2588 Před 3 měsíci

    Hello sir... Metadata (pyproject.toml) problem existing what should I do

  • @ananyagm1317
    @ananyagm1317 Před 3 měsíci

    Thank you so much sir 🙏

  • @codevalley9511
    @codevalley9511 Před 3 měsíci

    thanks

  • @sujata.dahiya
    @sujata.dahiya Před 4 měsíci

    How to add UI to this project

  • @raghulsubramani5146
    @raghulsubramani5146 Před 4 měsíci

    DLL load failed while importing _pywrap_tf2: A dynamic link library (DLL) initialization routine failed. this error occurs sir while compling the code but i installed all the libraries correctly

  • @darshan7107
    @darshan7107 Před 4 měsíci

    your are directly assigning featues to x without specifying or the fetures is not there in dataset

  • @manuelmateus7152
    @manuelmateus7152 Před 4 měsíci

    Thank you

  • @manuelmateus7152
    @manuelmateus7152 Před 4 měsíci

    Thank you

  • @SwapnaliMahadik-im6jn
    @SwapnaliMahadik-im6jn Před 4 měsíci

    Next videos

  • @badassopenpolling
    @badassopenpolling Před 4 měsíci

    @16:08 - check for img_arr is None or not

  • @debmalyasaha06
    @debmalyasaha06 Před 4 měsíci

    the best tutorial i watched till now

  • @supreethu2308
    @supreethu2308 Před 4 měsíci

    in which software we have to do this ??

  • @taiwoadeola1600
    @taiwoadeola1600 Před 4 měsíci

    Thank a lot I really love the way you go about it step by step

  • @ArdhendusWorld8420
    @ArdhendusWorld8420 Před 4 měsíci

    cv 2 creates problem

  • @moseslesa9676
    @moseslesa9676 Před 5 měsíci

    as i work with different data sources as a newbie , i have more problems preprocessing data than making a CNN

  • @RubenGT
    @RubenGT Před 5 měsíci

    Thank you for the video tutorial 🙏😁 if you would create an Android app to capture screenshots of people smiling from videos that would be massive 🙌✨😉

  • @rajalakshmirajalakshmi5706
    @rajalakshmirajalakshmi5706 Před 5 měsíci

    Sir supr sir....Super Explanation with Coding...But,Where you do this Coding?