Click here to Skip to main content
15,891,253 members
Everything / Artificial Intelligence / Deep Learning

Deep Learning

deep-learning

Great Reads

by Jesús Utrera
First article of a series of articles introducing deep learning coding in Python and Keras framework
by Sergey L. Gladkiy
In this article, we'll begin the process of how to use a deep neural network to estimate a person's age from an image.
by Raphael Mun
In the next and final article of this series, we'll detect eye blinks and the mouth opens to make an interactive scene.
by Arnaldo P. Castaño
In this article we will go over the basics of supervised machine learning and what the training and verification phases consist of.

Latest Articles

by Nicolas DESCARTES
How to implement neural networks in C#?
by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
by Mahsa Hassankashi
Deep learning convolutional neural network by tensorflow python, complete and easy understanding
by Sergey L. Gladkiy
In this article we’ll explain how to create a simple database for face recognition.

All Articles

Sort by Title

Deep Learning 

12 May 2021 by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
13 Apr 2021 by Martin_Rupp
In this series of articles, we’ll show you how to use deep learning to create an automatic translation system.
14 Apr 2021 by Martin_Rupp
In this article we introduce the main theoretical concepts required for building an ML-based translator.
9 Feb 2021 by Raphael Mun
In the next and final article of this series, we'll detect eye blinks and the mouth opens to make an interactive scene.
20 Jul 2020 by Sergey L. Gladkiy
In this article we’ll talk about the selection and acquisition of the image dataset.
22 Jul 2020 by Sergey L. Gladkiy
In this article we’ll build the network we’ve designed using the Keras framework.
21 Jul 2020 by Sergey L. Gladkiy
In this article we’ll guide you through one of the most difficult steps in the DL pipeline: the CNN design.
17 Jul 2020 by Sergey L. Gladkiy
In this article, we'll begin the process of how to use a deep neural network to estimate a person's age from an image.
23 Jul 2020 by Sergey L. Gladkiy
In this article we train the CNN for age estimation.
24 Jul 2020 by Sergey L. Gladkiy
In this article we will explain how to use the pre-trained CNN for estimating a person’s age from an image.
21 Oct 2020 by Raphael Mun
In this article, we'll create a chatbot we can have a dialogue with.
22 Oct 2020 by Raphael Mun
In this article we’ll build a Shakespearean Monologue Generator in the Browser with TensorFlow.js.
19 Oct 2020 by Raphael Mun
In this article we are going to look at embedding entire sentences, rather than individual words, so that we can get much more accurate results in detecting emotion from the text.
16 Oct 2020 by Raphael Mun
In this article, we’ll build a trivia chatbot.
21 Jul 2021 by Sergey L. Gladkiy
In this article we’ll run our face detector on a Raspberry Pi device.
9 Dec 2020 by Dawid Borycki
In this article, we'll calculate the center of each detected bounding box, which will serve as a base for calculating distance.
8 Dec 2020 by Dawid Borycki
In this article we will perform object detection on the frames from the test data sets including video sequence stored in the video file.
10 Dec 2020 by Dawid Borycki
In this article, we will use those centers to estimate distances between people and indicate people that are too close.
11 Dec 2020 by Dawid Borycki
In this last article of the series, we improve our Python console application for AI-powered social distancing detection.
7 Dec 2020 by Dawid Borycki
In this article, we continue learning how to use AI to build a social distancing detector.
4 Dec 2020 by Dawid Borycki
In this article, we will use drawing functions to depict detected objects.
3 Dec 2020 by Dawid Borycki
In this article, we will learn how to add annotations to images.
2 Dec 2020 by Dawid Borycki
In this article series, we'll look at how to use AI and deep learning on video frames to ensure people are maintaining adequate social distancing in crowds.
17 May 2021 by Sergio Virahonda
In this article, we develop a semi-automated deployment-to-production script, which will complete our project.
31 May 2018 by Jesús Utrera
First article of a series of articles introducing deep learning coding in Python and Keras framework
18 Jun 2018 by Jesús Utrera
Second article of a series of articles introducing deep learning coding in Python and Keras framework
26 Dec 2020 by mohamed amine boukriba
i am new to nlp and i want to build a bert model for sentiment Analysis so i am following this tuto https://curiousily.com/posts/sentiment-analysis-with-bert-and-hugging-face-using-pytorch-and-python/ but i am getting the error bellow What I...
26 Dec 2020 by Richard MacCutchan
The error message could not be clearer. You are passing a string where it expects a Tensor object. But your question would be better directed to the writer of the tutorial.
19 Oct 2022 by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
8 Feb 2021 by Raphael Mun
In this article we are going to bring together all of the pieces we’ve built so far in this series for some visual reflection fun.
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
18 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN with a residual-based generator.
2 Jan 2024 by OriginalGriff
It doesn't quite work like that. We do not do your work for you. If you want someone to write your code, you have to pay - I suggest you go to Freelancer.com and ask there. But be aware: you get what you pay for. Pay peanuts, get monkeys. The...
14 May 2021 by Sergio Virahonda
In the previous article in the series we set up build Jenkins workflows. In this article, we're going to build them.
14 Jan 2021 by Allister Beharry
In this article, we select hardware components for our AI/Pi-based solution and assemble them into a functional system.
2 Nov 2020 by Richard MacCutchan
cnn rgb - Google Search[^]
22 Jan 2021 by Allister Beharry
In this we discuss improvements we can make to the software in terms of performance or accuracy. We also compare our homebrew open-source system to commercial vehicle speed detection systems.
22 Feb 2021 by Abdulkader Helwan
In this article, we’ll show you how to build a network for Covid-19 detection from scratch.
22 Jul 2021 by Sergey L. Gladkiy
In this article we’ll explain how to create a simple database for face recognition.
5 Feb 2021 by Raphael Mun
In this article we are going to use the key facial points to render a 3D model virtually over our webcam feed for some Augmented Reality fun.
7 Dec 2021 by Mahsa Hassankashi
Deep learning convolutional neural network by tensorflow python, complete and easy understanding
2 Nov 2020 by Arnaldo P. Castaño
In this series of articles we will use a deep neural network (DNN) to perform coin recognition. Specifically, we will train a DNN to recognize the coins in an image.
6 Nov 2020 by Arnaldo P. Castaño
In this article, we will examine a convolutional neural network for the problem of coin recognition, and we will implement one in Keras.NET.
6 Nov 2020 by Arnaldo P. Castaño
In this article we will examine the CNN we implemented for coin recognition using Keras.NET.
3 Nov 2020 by Arnaldo P. Castaño
In the next article, we will preprocess a dataset to be inputted to a machine learning model.
4 Nov 2020 by Arnaldo P. Castaño
In this article we will go over the basics of supervised machine learning and what the training and verification phases consist of.
7 Aug 2020 by Arnaldo P. Castaño
In this article we focus on the Text-to-Speech with the use of Deep Learning.
18 Jun 2018 by Jesús Utrera
Third article of a series of articles introducing deep learning coding in Python and Keras framework
1 Mar 2018 by Philipp_Engelmann
With recent scientific advancements in Deep Learning, Artificial Intelligence and Neural Networks, as well as steadily evolving tools such as Tensorflow, Pytorch, and Keras, writing, testing and optimizing your own Neural Networks is now easier than ever before.
3 Feb 2021 by Raphael Mun
In this article we'll use the key facial landmarks to infer more information about the face from the images.
16 Dec 2020 by Sergey L. Gladkiy
In the next article, we’ll use a pre-trained DNN to detect pests on video.
23 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll show you how to develop a simple motion detector and combine it with the trained DNN model to detect moose on video.
17 Dec 2020 by Sergey L. Gladkiy
In this we’ll talk about some ideas for detecting "exotic" pests, such as moose and armadillos.
24 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll test our detection algorithm on a Raspberry Pi 3 device and create the "scare pests away" part of our pest eliminator by playing a loud sound.
18 Apr 2019 by abdou_31
I have configured and generated OpenFace project using Cmake , in the first time , i have got some problems ( missing libraries e.g openBLAS , Dlib ...) , but after some search on the internet i have correted errors that i have got. So when i try to build ALLBuild.vcxproj ( Release x64 ) with...
18 Apr 2019 by OriginalGriff
You are missing a bunch of header files- the error says that very clearly, and shows the path it expects the file to be in. Go back to where you got the project from, and find out where they are.
18 Apr 2019 by Rick York
It appears the directory dlib is in is not on your project's "Additional Include Directories" list.
21 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll see how the same result can be achieved by data augmentation.
9 Jul 2023 by cemre aldoğan
I am trying to implement a type of GAN (Generative Adversarial Networks) named RS-ESRGAN to my satellite imagery dataset. You can check the github page of it if you like(https://github.com/luissalgueiro/rs-esrgan/tree/master). Here is the...
9 Jul 2023 by Richard MacCutchan
The problem is cause by this part: MeanVal = val_data["LR_mean"] where the code expects the val_data to be a dictionary which contains an entry named LR_mean. So you need to go back to the git code to find out where that needs to be set.
16 Jul 2021 by Sergey L. Gladkiy
In this article we discuss the principles of face detection and facial recognition.
24 Dec 2021 by Member 14052381
I am trying to perform a 10-fold cross-validation on a LSTM, the code is the following: Predict Closing Prices using a 3 day window of previous closing prices.we use window_size = 4 for this. from tensorflow.keras.models import Sequential ...
26 Mar 2020 by Anan Srivastava
Since my data is too large, I use pd.read_csv('',chunksize=). I am using categorical_crossentropy as my loss function, however, on the last chunk, I have just one target. So I get the error: You are passing a target array of shape (2110, 1)...
2 Feb 2020 by vitik corp
I want to create an application for Iris Recognition for android phone, using it's own camera. For that I need to create a CNN model and train it, but I have no idea how to integrate that model with my application. I'm not sure if this way would work since I'm new to this subject, if anyone...
22 Nov 2022 by Member 15064225
I want to develop a program for counting cucumber seeds. I have 10 images. Each image contains about 100 cucumber seeds. How can I do it? What I have tried: I write some code by deep learning in python.
19 Apr 2022 by Richard MacCutchan
See python image processing - Google Search[^]
22 Nov 2022 by BernardIE5317
HS1405/HS1405: Useful Image-Based Techniques for Manual and Automatic Counting Using ImageJ for Horticultural Research[^]
15 Jun 2022 by Chris Maunder
If you need to have a pure Python solution then the easiest way would be to clone the YOLOv5 repo and find a custom model that contains detection for cucumber seeds. Here's a walkthrough of YOLO and custom models[^]. As to a custom model of...
6 Aug 2021 by Tariq Hussain 2021
**Note:** I have extracted the frame for all videos and save it in the folder with the same name of video **train_data, class, video** ---> These are folders **img** --> these are jpg files, so each class have many videos, I extracted the image...
6 Aug 2021 by Richard MacCutchan
Check the documentation: PyTorch[^].
12 Jan 2023 by GPEXP
I faced an error, when i call this function train_bert : train_bert(net, criterion, opti, lr, lr_scheduler, train_loader, val_loader, epochs, iters_to_accumulate) The error is: AttributeError: 'tuple' object has no attribute 'to' The...
21 Mar 2023 by Fatema Shawki
I trained a YOLO v5 object detection model on my custom dataset, then converted it to TensorFlow using the export function and to TensorFlow lite using tf.convertor. I want to use the TFLite model in an android app, however, the problem is the...
13 Mar 2019 by Amit JS
Looking in indexes: https://test.pypi.org/simple/ Collecting Keras==0.1.0 Using cached https://test-files.pythonhosted.org/packages/c4/08/7f1c6bfaa86e69ccadadc552d6309f1685d779a93047d0a7c317b26a321e/Keras-0.1.0.tar.gz Complete output from command python setup.py egg_info: Traceback...
15 Aug 2022 by Dipta dey
I have only just begun. I want to know, how many types of syntax are used in total c programming? What I have tried: Because, I am also beginner. so I need your help now. Please help me as soon as possible. Thank you.
15 Aug 2022 by OriginalGriff
That's not a "real" question - there aren't different types of syntax used in C - the language as a whole has a syntax: C Syntax Rules[^] but it isn't made up of separate syntaxes. And while syntax is the whole of the language, but understanding...
15 Aug 2022 by Greg Utas
Your question doesn't make much sense. A dump of C's grammar, as used by a compiler, wouldn't help you at all. What you need is a textbook that will teach you C, and many people recommend this one: C Programming Language, 2nd Edition[^]
15 Aug 2022 by Dave Kreskowiak
Your question is meaningless. Variations in C syntax are usually minor and depend on the compiler being used. As a whole the C language hasn't changed much over the decades, however, the libraries you may be using are too numerous to count and...
21 Oct 2020 by Supoh
so i am trying to implement a face detection age classifying agent that detects a face on a photo and then classifies it according to age as 'Old' and 'Young'. So far I have implemented the face recognition class using OpenCV in which I used the...
21 Oct 2020 by Sandeep Mewara
Based on different facial feature you need to define a confidence factor for defining an age. Train the model with datasets (images). Would suggest CNN (Neural Network) for this classification. Quote: In order to evaluate an age detector, you...
23 Mar 2020 by Anan Srivastava
Using early stopping my model stops training at around 7 epochs because of overfitting MAX_SEQUENCE_LENGTH = 1000 MAX_NUM_WORDS = 20000 EMBEDDING_DIM = 100 VALIDATION_SPLIT = 0.2 output_nodes = 759 embedding_layer = Embedding(num_words, ...
9 Jun 2019 by Member 13318305
After a lot of effort and search, I was finally able to install coco API. I am trying to run a video captioning code. A neural network for video captioning. These are the libraries which are not executing because anaconda coco api doesn't work anymore. But i installed it anyway. from...
9 Jun 2019 by Richard MacCutchan
Quote: I tried to install the coco api. which i finally did it. but now i don't know how to use it. Start by studying the documentation. There is neither the time nor the space here for anyone to teach you.
20 Jul 2021 by Sergey L. Gladkiy
In this article I’ll explain how to perform the alignment based on the face landmarks the detector has found.
19 Jul 2021 by Sergey L. Gladkiy
In this article, we’ll run a pretrained DNN model to detect faces in video.
10 Dec 2018 by Apriorit Inc, Vadym Zhernovyi
The experience of improving Mask R-CNN performance six to ten times by applying TensorRT
13 Jul 2018 by Bahrudin Hrnjica
How to implement data normalization as regular neural network layer, which can simply training process and data preparation
31 Aug 2020 by Deepesh mhatre
Everyone seems to be talking about deep learning and machine learning , but in logical sense what is the exact difference in both of them ? Is the syllabus same for both ? What I have tried: Tried google btu didnt found the exact answer
31 Aug 2020 by Sandeep Mewara
There are multiple discussions on web describing details about them. But to put it plainly for you: Deep Learning is a subset of machine learning. It's the machine learning part that deals with neural networks. So now, syllabus wise: Deep...
21 Apr 2022 by Palkin Jangra
I have a housing dataset in which I have both categorical and numerical variables. Out of this dataset I created another dataset of numeric_attributes only in which I have numeric_attributes in an array. Dataset - Array values. Numeric_attributes...
12 May 2021 by Sergio Virahonda
In this article we’ll see how to define jobs, deployments, and services so that our containers can accomplish their objectives.
21 Apr 2022 by Kaushik Vezzu
My project is hand sign recognition, I created the dataset and i wanted to train the model using keras and predict in real time . I trained the model and i am getting better accuracy but all the predictions (completely ) are worng. How do i get...
6 Aug 2021 by Member 14974386
Hi I'm very new to deep learning, and i just want to clear something up. is a Seq2Seq model the same as a keras Sequential model? secondly what neural network does a Sequential model represent? (Sorry if this seems like a stupid question) i've...
6 Aug 2021 by Richard MacCutchan
Please try to do your own initial research: Seq2seq model - Google Search[^]
18 Nov 2020 by Ruturaj Raval
In this article we’ll go over the project outcome and put together some "lessons learned" for your future live detection tasks.
17 Nov 2020 by Ruturaj Raval
In this article we’ll carry out real-time testing of our app.