Click here to Skip to main content
15,885,216 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 Score

Deep Learning 

31 May 2018 by Jesús Utrera
First article of a series of articles introducing deep learning coding in Python and Keras framework
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.
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.
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.
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.
13 Jan 2021 by Allister Beharry
This article series will show you how to build a reasonably accurate traffic speed detector using nothing but Deep Learning, and run it on an edge device like a Raspberry Pi.
18 Jun 2018 by Jesús Utrera
Third article of a series of articles introducing deep learning coding in Python and Keras framework
21 Oct 2020 by Raphael Mun
In this article, we'll create a chatbot we can have a dialogue with.
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.
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.
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.
21 Jul 2021 by Sergey L. Gladkiy
In this article we’ll run our face detector on a Raspberry Pi device.
27 Jan 2021 by Allister Beharry
In this article, we explore the different ways of measuring vehicle speed and the different Deep Learning models for object detection that can be used in our TrafficCV program.
22 Jul 2020 by Sergey L. Gladkiy
In this article we’ll build the network we’ve designed using the Keras framework.
23 Jul 2020 by Sergey L. Gladkiy
In this article we train the CNN for age estimation.
7 Aug 2020 by Arnaldo P. Castaño
In this article we focus on the Text-to-Speech with the use of Deep Learning.
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.
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.
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.
3 Mar 2021 by Sergey L. Gladkiy
In this article, we compared two DNN types we can use to detect pests: detectors and classifiers.
16 Dec 2020 by Sergey L. Gladkiy
In the next article, we’ll use a pre-trained DNN to detect pests 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.
21 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll see how the same result can be achieved by data augmentation.
22 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll discuss training our DNN classifier with the augmented dataset.
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.
15 Jan 2021 by Allister Beharry
In this article, we’ll go through installation of the operating system on the Pi, securing it, and configuring it for remote access over WiFi.
20 Jan 2021 by Allister Beharry
In this article, we focus on developing a computer vision framework that can run the various Machine Learning and neural network models – like SSD MobileNet – on live and recorded vehicle traffic videos.
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.
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.
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.
27 Dec 2017 by R. Stacy Smyth
Approach I used to get the CNN to behave in a more intuitively sensible way
13 Jul 2018 by Bahrudin Hrnjica
How to implement data normalization as regular neural network layer, which can simply training process and data preparation
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.
16 Oct 2020 by Raphael Mun
In this article, we’ll build a trivia chatbot.
19 Jan 2021 by Allister Beharry
In this article, we have a look at the details of the TrafficCV implementation and the various object detection models to use for detecting vehicles and calculating their speed.
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.
22 Feb 2021 by Abdulkader Helwan
In this article, we’ll show you how to build a network for Covid-19 detection from scratch.
13 May 2021 by Sergio Virahonda
In this article we set up Jenkins CI for this project in order to start building and automating our MLOps pipelines.
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...
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.
17 May 2021 by Sergio Virahonda
In this article, we develop a semi-automated deployment-to-production script, which will complete our project.
17 Jun 2021 by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
18 Apr 2019 by Rick York
It appears the directory dlib is in is not on your project's "Additional Include Directories" list.
25 Mar 2020 by Coding Notes
How to create a linear regression model from scratch using TensorFlow 2.0
22 Oct 2020 by Raphael Mun
In this article we’ll build a Shakespearean Monologue Generator in the Browser with TensorFlow.js.
12 Nov 2020 by Ruturaj Raval
In this article go through training a TF model with our curated dataset using Teachable Machine and export the trained model in the FTLite format.
17 Nov 2020 by Ruturaj Raval
In this article we’ll carry out real-time testing of our app.
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.
7 Dec 2020 by Dawid Borycki
In this article, we continue learning how to use AI to build a social distancing detector.
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.
18 Jan 2021 by Allister Beharry
In this article, we set up a development environment on Windows 10 for cross-platform computer vision and machine learning projects to run on our Pi device.
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.
15 Apr 2021 by Martin_Rupp
Tools and software required to build a DL-based automatic translation system
22 Jul 2021 by Sergey L. Gladkiy
In this article we’ll explain how to create a simple database for face recognition.
13 Mar 2022 by OriginalGriff
This is not a discussion forum - it's a "quick questions" area, intended for solutions that can be entered in a small text box like this one. Discussions both get lost in the "noise" (QA turns over pretty fast most weekdays) and get impossible to...
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...
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[^]
10 Aug 2022 by Patrice T
Quote: I purchased 7 coruses from Udemy to go deep in python,R and ia. Learning some programming languages is nice, but there is also a huge technical backup not linked to a specific language. You have to know that you can do pretty much...
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...
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
10 Dec 2018 by Apriorit Inc, Vadym Zhernovyi
The experience of improving Mask R-CNN performance six to ten times by applying TensorRT
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...
12 Apr 2019 by abdou_31
I'm trying to train my own dataset annotated using segmentation so i downloaded yolo segmentation project in github , and i tried to compile the project using this command " make -j6 " ( i followed instruction ) I get some errors when i compile , i tell the owner of this tool about compilation...
12 Apr 2019 by OriginalGriff
He's already told you that it won't work on windows, so why are you still trying to build it on Windows? Runnig your error messages through Google translate: a sub-directory or a -p file already exists. An error occurred while processing: -p. If the author says "it's Linux" then it is only...
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...
1 May 2019 by abdou_31
I have setting up a project that should detect iris region ( in eye ) in real time using deep learning , I have cloned yolo segmentation project in github : https://github.com/ArtyZe/yolo_segmentation I compiled the project using make -j4 , and i'm trying now to training my own dataset using...
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.
19 Aug 2019 by OriginalGriff
We are the wrong people to ask: You should talk to the people who created it - they may provide technical support and will know more about their product than we will. If they don't, then find another project and see if that works.
19 Aug 2019 by CPallini
A call to the reshape method must NOT change the array length. See python - ValueError: total size of new array must be unchanged - Stack Overflow[^] for suggestions.
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...
5 Mar 2020 by David Radianu
Hello i'm currently working on a project where i have to use instance segmentation of different parts of seedlings (the top part and the stem) Example image: https://imgur.com/kWAZBed I have to be able to calculate the angle of the hook for every...
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, ...
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)...
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 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...
2 Nov 2020 by Richard MacCutchan
cnn rgb - Google Search[^]
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.
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.
6 Aug 2021 by Richard MacCutchan
Please try to do your own initial research: Seq2seq model - Google Search[^]
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[^].
20 Aug 2021 by Member 11377994
I spent a lot of time converting Lasagne's code to TensorFlow Keras. Although I successfully ran the code, however, I could not obtain the result reported in the paper. Some help is available on python - convert Lasagne to Keras code (CNN ->...
14 Oct 2021 by Member 15391500
Hey, I have a problem with OrdinalEncoder. I'm using OrdinalEncoder to encode this dataset: Loan Prediction - Analytics Vidhya | Kaggle[^] , but there are 2 features (Dependants and Education) that are -1 for all 614 rows. Can you please tell me...
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 ...
24 Jan 2022 by farah jabeen
I am working on cardiac CT data (axial, sagittal, coronal). I am using the pre-trained model vgg_16. But I got the following error. According to this error, my dimensions are not correct, but according to my code, I wrote things correctly. Can...
4 Feb 2022 by Pasindu Ekanayaka
I'm currently trying to improve the performance of a CycleGAN model which has a couple of downsampling layers and upsampling layers combined with 6 ResNet blocks for the bottleneck. I've added the Depthwise separable convolution implementation...
22 Sep 2022 by Tal Haim
hello :) I am trying to finish a project on variational autoencoders (VAE) I have tried lots of methods and lots of help from the internet but every time I run into a different problem. Most often it is SHAPE problems, but it can also be like...
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 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...
22 Sep 2022 by Member 15776270
if you change tensorflow version it will work !pip install tensorflow==1.13.2 !pip install q keras==2.0.8 i faced the same problem but for the the latest version i did not find any solution
19 Oct 2022 by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.