Click here to Skip to main content
15,885,875 members
Everything / Artificial Intelligence / Neural Networks

Neural Networks

neural-network

Great Reads

by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
by Serge Desmedt
A try it yourself guide to the basic math behind perceptrons
by Byte-Master-101
In Part 2, the Neural Network made in Part 1 is tested in an environment made in Unity so that we can see how well it performs.
by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.

Latest Articles

by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
by Ammar Albush 1997
Logo Recognition System Program written in C# .NET 6.0 Windows Form (Tensorflow.net,Tensorflow.keras,Emgu Cv,ScottPlot.WinForms,Newtonsoft.Json)
by Tejpal Singh Chhabra
A C++ class implementing a back-propagation algorithm neural net, that supports any number of layers/neurons
by Denis Pashkov
Solve XOR problem using dynamic weights

All Articles

Sort by Updated

Neural Networks 

U 23 Apr 2024 by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
26 Nov 2023 by dbaechtel
What is the definition of the unary function in the following procedure? void train(NeuralNetwork& net) { cout
26 Nov 2023 by Richard MacCutchan
What source code are you referring to? If you found this in a CodeProject article, then you should post your question in the forum below the article.
15 Jun 2023 by Apoorva 2022
I worked on a predictive (classification) model. I used Word2Vec to convert the data is textual columns to numeric, following which I ran the machine learning algorithms. I have the following doubts regarding the working of Word2Vec: What I...
15 Jun 2023 by Richard MacCutchan
See https://towardsdatascience.com/word2vec-explained-49c52b4ccb71[^].
27 May 2023 by Çağatay Ege Şahin
I tried using as many seeds as possible but I get a completely different result with my neural model. I also run classical Ml models such as Linear Regression or Random Forest but they are seeded and give me the same results each time. ---...
28 Mar 2023 by Ammar Albush 1997
Logo Recognition System Program written in C# .NET 6.0 Windows Form (Tensorflow.net,Tensorflow.keras,Emgu Cv,ScottPlot.WinForms,Newtonsoft.Json)
4 Sep 2022 by Tejpal Singh Chhabra
A C++ class implementing a back-propagation algorithm neural net, that supports any number of layers/neurons
29 Mar 2022 by Testing Su
Hi readers :), I read this article at Genetic Algorithm: General Concept, Matlab Code, and Example[^] . Basically, the genetic algorithm code used in this case is from an output given, it can predict the 2 different variables. For example, if I...
29 Mar 2022 by Andy Allinger
There's 2 big obstacles here you will have to face: First, 3*x + 2*y = 5 is underdetermined. Choose any x, and there is a y that will satisfy the equation. The genetic algorithm is for optimization. You need to pose this as an optimization...
9 Feb 2022 by Member 15530401
I have a neural network model (model.predict in code) which fitted our data, and now we want optimized some variables that exist in the model. my code are attached below, def objective_function(X): wob = X[0] torque= X[1] RPM = X[2] ...
15 Jan 2022 by Denis Pashkov
Solve XOR problem using dynamic weights
26 Oct 2021 by OriginalGriff
This is a technical site devoted to software development, not a writing academy. What you want to know is outside our scope, as well as being much too large a subject for a little text box like this! Start here: The Basics of Essay Writing |...
30 Sep 2021 by maverick maiden
I've been trying to implement this collab code https://colab.research.google.com/drive/11ko0DBnI1QLxVoJQR8gt9b4JDcvbCrtU#scrollTo=PhAuO2-1ZBnv but encountered this error in TRAINING part of the code:- --pipeline_config_path={config_path +...
30 Sep 2021 by Richard MacCutchan
Instead of trying to guess what to do you should check the documentation: The Sequential model �|� TensorFlow Core[^].
4 Aug 2021 by Sergey L. Gladkiy
In this article, we’ll discuss some aspects of developing a facial recognition system from scratch.
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.
15 Apr 2021 by The Keepers Of Tomarrow
I am very new to GAN and machine learning overall, anyway this line is not working and I don't know why: Xd = numpy.concatenate((image_batch, generated_images)) image_batch looks like this: [[[[-1. -1. -0.99215686 ... -1. ...
22 Mar 2021 by Abdulkader Helwan
In this article we show you how to train the GAN for fashion design generation.
19 Mar 2021 by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
18 Mar 2021 by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
17 Mar 2021 by Abdulkader Helwan
In this article we show you how to train VGG19 to recognize what people are wearing.
16 Mar 2021 by Abdulkader Helwan
In this article we’ll show you how to use transfer learning to fine-tune the VGG19 model to classify fashion clothing categories.
3 Mar 2021 by Sergey L. Gladkiy
In this article, we compared two DNN types we can use to detect pests: detectors and classifiers.
2 Mar 2021 by Sergio Virahonda
In this article we’ll combine forecasting and detection on a live stream of Bitcoin price data.
1 Mar 2021 by Sergio Virahonda
In the next article, we are going to discuss forecasting on Bitcoin time series.
26 Feb 2021 by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
25 Feb 2021 by Sergio Virahonda
In this article, we learn how to prepare time series data to be fed to machine learning (ML) and deep learning (DL) models.
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.
30 Nov 2020 by Jarek Szczegielniak
In this last article in this series, we’ll extend the application to use our YOLO v2 model for object detection.
27 Nov 2020 by Jarek Szczegielniak
In the next article, we’ll start working on the iOS application that will use that model.
26 Nov 2020 by Jarek Szczegielniak
In this article we’ll create a Core ML pipeline to be our end-to-end model.
25 Nov 2020 by Jarek Szczegielniak
In this article we are ready to include detection decoding directly in the Core ML model.
24 Nov 2020 by Jarek Szczegielniak
In the next article, we’ll do the same but with array operations. This will allow us to include the decoding logic directly in the model.
23 Nov 2020 by Jarek Szczegielniak
In this article, we will decode the Core ML YOLO Model by transforming an array of abstract numbers to a human-readable form.
21 Nov 2020 by Jarek Szczegielniak
In this series, we’ll use a pretrained model to create an iOS application that will detect multiple persons and objects in a live camera feed rather than in a static picture.
9 Nov 2020 by Arnaldo P. Castaño
To end off this series, we will present the alternative of adapting a pre-trained CNN to the coin recognition problem we have been examining all along.
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.
28 Oct 2020 by MehreenTahir
In this article, we will train a deep learning model to detect and count the number of people in a given area.
27 Oct 2020 by MehreenTahir
In this article, we’ll explore some other algorithms used for object detection and will learn to implement them for custom object detection.
26 Oct 2020 by MehreenTahir
This is the first in an article series where we’re going to show how to make an AI queue length detector.
14 Oct 2020 by Sergey L. Gladkiy
In this article, we’ll modify the code for real-time processing on an edge device.
9 Oct 2020 by Sergey L. Gladkiy
In this article, we’ll test the accuracy and the performance of the MibileNet and SqueezeNet models on the Raspberry Pi device.
8 Oct 2020 by Sergey L. Gladkiy
In this article, we’ll see how you can install Python-OpenCV on the device and run the code.
7 Oct 2020 by Sergey L. Gladkiy
In this article, we’ll showcase the Python code for launching these models and detect humans in images.
5 Oct 2020 by Sergey L. Gladkiy
This is the first in an article series where we’ll show you how to detect people in real time (or near-real time) on Raspberry Pi.
23 Sep 2020 by Joel Ivory Johnson
In this article we will generate output from a program will provide a TensorFlow freeze graph ready to be used or converted to TensorFlow Lite.
22 Sep 2020 by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
21 Sep 2020 by Joel Ivory Johnson
In the previous installation of this series, a TensorFlow Lite interpreter had examined an image and produced its output. In this article we learn how to interpret these results and create visualizations for them.
18 Sep 2020 by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
17 Sep 2020 by Joel Ivory Johnson
In this article we will take a pre-trained neural network and adapt it for use in TensorFlow Lite.
16 Sep 2020 by Joel Ivory Johnson
This is the first in a series of articles on using TensorFlow Lite on Android to bring the power of machine learning and deep neural networks to mobile application
14 Sep 2020 by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
11 Sep 2020 by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
1 Sep 2020 by Jarek Szczegielniak
In this article we can proceed to train our custom hot dog detection model using Apple’s Create ML.
31 Aug 2020 by Jarek Szczegielniak
In this article we’ll start data preparation for this new, custom model, to be later trained using the Create ML framework.
28 Aug 2020 by Jarek Szczegielniak
Having converted a ResNet model to the Core ML format in the previous article, in this article we’ll now use it in a simple iOS application.
27 Aug 2020 by Jarek Szczegielniak
In this article we'll convert a ResNet model to the Core ML format.
26 Aug 2020 by Jarek Szczegielniak
In this article we prepare our development environment.
24 Aug 2020 by Gerry Schmitz
Can't see how ML can help you much; it's more about algorithms (light intensity; contrast; etc.). Deblurring Images Using the Blind Deconvolution Algorithm- MATLAB & Simulink Example[^]
24 Aug 2020 by Aryan Sethi
I tried to make a UNet based Autoencoder for the purpose of De-blurring images but I got terrible accuracy scores and loss values. How can I improve the model ? The code for the model is HERE What I have tried: I tried to vary the learning...
20 Aug 2020 by Serge Desmedt
A try it yourself guide to the basic math behind ADALINE perceptron
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.
23 Jul 2020 by Sergey L. Gladkiy
In this article we train the CNN for age estimation.
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.
8 Jul 2020 by Abhay binwal
I HAVE USED A DIABETES DATASET FOR TRAINING MY NEURAL NETWORK, AND MY MODEL IS OVERFITTING. HOW CAN I PREVENT THIS, I HAVE TRIED FEW METHODS TOO BUT IT DIDNT WORKED WELL. HOPE I CAN FIND ANY SOLUTION TO THIS PROBLEM ASAP. TRY RUNNING THIS CODE I...
8 Jul 2020 by Visweswaran N
There are huge range of possibilities on why a model is over-fitting. I would like to address few common issues. Before getting into answer I would like to give a short explanation on what Dropout is from this research paper published by the...
8 Jul 2020 by Raphael Mun
In this article, I will show you how quickly and easily set up and use TensorFlow.js to train a neural network to make predictions from data points.
6 Jul 2020 by philoxenic
In this final article in this series, we will look at slightly more advanced topics: minimizing the "jitter" of our Breakout-playing agent, as well as performing grid searches for hyperparameters.
3 Jul 2020 by philoxenic
In this article, we will see how we can improve by approaching the RAM in a slightly different way.
2 Jul 2020 by philoxenic
In this article we will learn from the contents of the game’s RAM instead of the pixels.
30 Jun 2020 by philoxenic
In this article, we will see how you can use a different learning algorithm (plus more cores and a GPU) to train much faster on the mountain car environment.
29 Jun 2020 by philoxenic
In this article, we start to look at the OpenAI Gym environment and the Atari game Breakout.
26 Jun 2020 by philoxenic
In this article, we will see what’s going on behind the scenes and what options are available for changing the reinforcement learning.
25 Jun 2020 by philoxenic
In this article, you will be up and running, and will have done your first piece of reinforcement learning.
22 Jun 2020 by Thomas Daniels
In this article, let’s dive into Keras, a high-level library for neural networks.
19 May 2020 by CPallini
Quote: if you can suggest any language to code Python is mainstream. Quote: lso what is more friendly tensorflow or open cv? Some insight on the differences between OpenCV and TensorFlow here: OpenCV vs TensorFlow : MLQuestions[^].
19 May 2020 by abc_
Hello everyone. i am a beginner in image recognition and i would like to ask where to start in order to create an image xray recoginiton app . i have studied about neural newtworks and how they work,my question is if you can suggest any language...
19 May 2020 by Gerry Schmitz
Image classification  |  TensorFlow Core[^]
11 May 2020 by Huseyin Atasoy
An image classifier / tagger based on convolutional neural networks. Now more than 10 times faster with the Intel MKL support.
18 Feb 2020 by Member 14129828
I trained my work by using encog library, after getting the desirable result,I want to save my training network I wrote this code: What I have tried: using System; using System.Collections.Generic; using System.Linq; using System.Text; using...
17 Feb 2020 by phil.o
Encog User Guide[^] may be your best information source about this framework and how it can/has to be used.
17 Feb 2020 by Member 14129828
I did training data by encog. now, I want to predicate some data, what I must do please? The Code for training: What I have tried: public static double[][] INPUT ={ new double[4] { 0.0, 0.0,0.1,0.1 }, new double[4] {...
13 Feb 2020 by Visweswaran N
In this research, we are going to prove that Import Address Table is very helpful in classifying a malware.
7 Feb 2020 by Member 14737993
I am trying to train a triple loss model using a fit_generator. it requires three input and no output. so i have a function that generates hard triplets. the output from the triplets generator has a shape of (3,5,279) which is 3 inputs(anchor,positive and negative) for 5 batches and a total of...