Click here to Skip to main content
15,891,473 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 Updated

Deep Learning 

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...
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.
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...
10 Mar 2023 by S_Janardan
We tried to implement multi task learning (MTL) on Wav2Vec2.0 model with xls-r-300m checkpoint for performing both classification and isolated word recognition. The classification task is going good with a good accuracy. But in transcription, all...
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...
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.
22 Nov 2022 by BernardIE5317
HS1405/HS1405: Useful Image-Based Techniques for Manual and Automatic Counting Using ImageJ for Horticultural Research[^]
19 Oct 2022 by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
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
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 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 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...
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 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...
10 Aug 2022 by Synco-Cybersyn
I purchased 7 coruses from Udemy to go deep in python,R and ia. Could someone help me to say where should i start, then pass and what should i take last and if i have to return one this courses for a refound by redundant information? please.I...
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...
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...
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...
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...
19 Apr 2022 by Richard MacCutchan
See python image processing - Google Search[^]
13 Mar 2022 by Jason Zhang 2022
It would be so great and helpful to hear some opinions from someone as a professional in this field! The questions are as follows: 1) What are the barriers of real-time facial expression tracking system based on 2D data? 2) What are the...
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...
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...
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...
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 ...
7 Dec 2021 by Mahsa Hassankashi
Deep learning convolutional neural network by tensorflow python, complete and easy understanding
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...
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 ->...
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[^].
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[^]
22 Jul 2021 by Sergey L. Gladkiy
In this article we’ll explain how to create a simple database for face recognition.
21 Jul 2021 by Sergey L. Gladkiy
In this article we’ll run our face detector on a Raspberry Pi device.
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.
16 Jul 2021 by Sergey L. Gladkiy
In this article we discuss the principles of face detection and facial recognition.
18 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN with a residual-based generator.
17 Jun 2021 by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
15 Jun 2021 by Abdulkader Helwan
In this article, we discuss the CycleGAN architecture.
14 Jun 2021 by Abdulkader Helwan
In this article, we discuss the concepts of conditional generative adversarial networks (CGAN).
17 May 2021 by Sergio Virahonda
In this article, we develop a semi-automated deployment-to-production script, which will complete our project.
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.
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.
12 May 2021 by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
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.
15 Apr 2021 by Martin_Rupp
Tools and software required to build a DL-based 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.
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.
3 Mar 2021 by Sergey L. Gladkiy
In this article, we compared two DNN types we can use to detect pests: detectors and classifiers.
22 Feb 2021 by Abdulkader Helwan
In this article, we’ll show you how to build a network for Covid-19 detection from scratch.
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.
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.
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.
4 Feb 2021 by Raphael Mun
In this article which we;ll use the live webcam video of our face and see if the model can react to our facial expressions in real time.
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.
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 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.
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.
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.
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.
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.
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.
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.
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.
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.
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.
22 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll discuss training our DNN classifier with the augmented dataset.
21 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll see how the same result can be achieved by data augmentation.
18 Dec 2020 by Sergey L. Gladkiy
In this article we’ll create the training dataset for our pest of choice: The moose.
17 Dec 2020 by Sergey L. Gladkiy
In this we’ll talk about some ideas for detecting "exotic" pests, such as moose and armadillos.
16 Dec 2020 by Sergey L. Gladkiy
In the next article, we’ll use a pre-trained DNN to detect pests on video.
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.
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.
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.
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.
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.
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.
6 Nov 2020 by Arnaldo P. Castaño
In this article we will examine the CNN we implemented for coin recognition using Keras.NET.
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.
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.
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.
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.
2 Nov 2020 by Richard MacCutchan
cnn rgb - Google Search[^]
22 Oct 2020 by Raphael Mun
In this article we’ll build a Shakespearean Monologue Generator in the Browser with TensorFlow.js.
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...
21 Oct 2020 by Raphael Mun
In this article, we'll create a chatbot we can have a dialogue with.