Click here to Skip to main content
15,886,799 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 Title

Neural Networks 

10 Oct 2018 by Dr. Song Li
This is a library to implement Neural Networks in JavaScript.
3 Apr 2019 by Mahsa Hassankashi
This article also has a practical example for the neural network. You read here what exactly happens in the human brain, while you review the artificial neuron network.
24 Jun 2019 by Thomas Daniels
This article describes the making of a tic tac toe player that uses neural networks and machine learning.
22 Mar 2019 by Apriorit Inc, Vadym Zhernovyi
Learn more about the challenges we faced with dataset preparation and network configuration, and how these problems can be solved.
30 Dec 2014 by Yudhistira Dewanata
I'm trying to implement Face Detection with Neural Network using Rowley's method. wwww.informedia.cs.cmu.edu/documents/rowley-ieee.pdfley-ieee.pdfMy problem is that i cant find anything about the activation function used in the proposed NN. Have anyone tried to implement Rowley's method, and...
30 Dec 2014 by Peter Leow
Go to page 17 of http://www.dsi.unive.it/~srotabul/files/talks/NN-facedetection.pdf[^]
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.
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.
26 Feb 2021 by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
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.
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.
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.
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.
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.
28 Jan 2016 by hemanthk119
Genetic Mutations of Neural Networks to produce better offspring in fish like virtual creatures
22 Nov 2014 by Member 10808329
I want to combine fuzzy system and neural network models.I mean that the output of neural network will be given as an input to the fuzzy system or the output of fuzzy system will be given to neural network but i don't know how i achieve this goal ? Is it possible or not? Please help me Tanx a lot
22 Nov 2014 by Peter Leow
Neuro-Fuzzy belongs to hybrid AI system where one AI technique is used to tune or learn the architecture for another, e.g. using NN to learn the membership functions and rule weights of a fuzzy system. It is too large a topic to be discussed in this quick answer forum. Read this: ANFIS: Adaptive...
22 Sep 2020 by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
28 Sep 2018 by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.
20 Dec 2018 by Andrew Kirillov
Use of ANNT library to create recurrent ANNs and apply them to different tasks
30 Apr 2019 by Apriorit Inc, Semyon Boyko
The approach that allows you to make a neural network analyze the current frame while remembering the state of previous frames
U 23 Apr 2024 by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
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.
4 Sep 2022 by Tejpal Singh Chhabra
A C++ class implementing a back-propagation algorithm neural net, that supports any number of layers/neurons
18 Nov 2016 by Member 12856431
Hi Osman,Do you knew wat was wrong in your code. I'm having the same problem with leaves recognization as you. Your answer can be very helpfull for me..
7 Aug 2017 by Bhairav Thakkar
A basic artificial neural network code for experimenting
8 Sep 2015 by Emiliano Musso
Basics of implementing a neural network in VB.NET
16 Sep 2017 by Gamil Yassin
Perceptron, when to use it and sample code
17 Sep 2017 by Gamil Yassin
Part 4 of a series of articles demonstrating .NET AI library from scratch
26 Nov 2020 by Jarek Szczegielniak
In this article we’ll create a Core ML pipeline to be our end-to-end model.
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.
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.
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.
18 Jul 2013 by dbukab
I have collection of emails in the mysql splitted into category. I want to train network with resilient propagation. Do I think properly if I would like to prepare CSV document with tf-idf values like: "","word1","word2","word3","word4"... ...
25 Jun 2020 by philoxenic
In this article, you will be up and running, and will have done your first piece of reinforcement learning.
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.
13 Sep 2019 by Mahdi_it
Guys, I have a project on character recognition using a landTiger NXP LPC1768 ARM board using a touchscreen and so on. I have no experience in doing such a project but it's vital to me to do it. can anyone give me some basic ideas about how to start and develop the required code, please? any...
12 Sep 2019 by RickZeeland
See this overview: OCR-libraries[^] And: GitHub - kba/awesome-ocr: Links to awesome OCR projects[^]
12 Sep 2019 by OriginalGriff
So go there, and start reading. This is a complicated subject, and you will probably have to do a lot of work to get it up and running. But ... you have a starting point - so go there, start reading and think about how that needs to be adapted to fit your hardware and your software requirements...
13 Sep 2019 by Stefan_Lang
I just looked up the specs of that board, and I can tell you that if you're really limited to 512KB memory, you'll have a hard time running a neural network, and certainly one capable of character recognition! I can speak of personal experience: 30 years ago I used what was then considered a...
24 Nov 2017 by Nikola M. Živković
Common neural network activation functions
25 Jan 2019 by Philipp_Engelmann
Competing on kaggle.com for the first time
21 Oct 2016 by marcus obrien
Computer engineering and the hidden neural network brain in the Arduino 101
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.
27 Aug 2020 by Jarek Szczegielniak
In this article we'll convert a ResNet model to the Core ML format.
3 Nov 2018 by Philipp_Engelmann
In this series, I want to show you how to create a simple console-based Turing machine in Python. You can check out the full source code on https://github.com/phillikus/turing_machine. In this part, I will explain the fundamental theory behind Turing machines and set up the project based on that.
22 Nov 2018 by Philipp_Engelmann
How to create a Turing machine in Python - Part 2
22 Dec 2017 by Philipp_Engelmann
In this part of this series, we will add some more Turing machines and extend the logging.
25 Nov 2020 by Jarek Szczegielniak
In this article we are ready to include detection decoding directly in the Core ML model.
18 Sep 2020 by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
18 Nov 2017 by asiwel
Construct a confusion matrix or crosstab for binary or multi-level classifier training or validation data in C#
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.
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.
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.
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.
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.
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.
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.
22 Apr 2014 by Mehdi Gholam
c# is a general purpose programming language.MATLAB is a specialized numeric programming platform.They are different things but can do artificial neural networks with the right libraries.
22 Apr 2014 by Albert Holguin
Matlab is essentially a math engine with scripting capabilities. As its main goal is to help people design, test, and verify algorithms, there are many toolboxes available for it that have various common algorithms already implemented (toolboxes are essentially your code...
28 Apr 2014 by Sergey Alexandrovich Kryukov
You could not find anything useful, because reasonable people won't seriously discuss the topics like "what is the difference between apply and Apple". The "difference" is some notion which makes no certain sense. You need to learn MATLAB separately and C# separately and think about their use....
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.
21 Mar 2014 by ekologic
Hi all,i am kinda confused i've tried almost everything but with no luck unfortunately, initially i thought that i could have a mistake in the data, i've checked over and over again but didn't find anything exceptional,so my problem is as follows :I have a neural network which has a...
13 May 2015 by A. Fry
Hello -I am new to the ML scene and I am trying to understand the best practice for designing neural networks that "feed" other neural networks.For instance in the following example (image) we have two networks (1 & 2) which are using input data feed by a file. They were trained on 80%...
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...
21 Dec 2020 by Sergey L. Gladkiy
In this article, we’ll see how the same result can be achieved by data augmentation.
17 Mar 2021 by Abdulkader Helwan
In this article we show you how to train VGG19 to recognize what people are wearing.
22 Nov 2016 by Miguel Diaz Kusztrich
Using R to explore complexity of time series generated by simple process
19 Mar 2021 by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
21 Apr 2014 by helloworld2020
Hi all, I don't know where exactly to start with my question, because I am beginner with Neural Network. I read some papers about Neural Networks but anyway still confused in some questions. So, I would appreciate any help from your side.Earlier I have developed a crossword generator...
21 Apr 2014 by Matt T Heffron
I don't think this is an appropriate application for Neural Networks.A Neural Network is really for classification types of problems, not generation.Fundamentally it is a technique to construct a trainable pattern recognition system.Check out the free Learning From Data[^] online course...
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.
8 Jan 2019 by KristianEkman
A C# object oriented Neural Network, trainer, and Windows Forms user interface for recognitions of hand-written digits.
25 Jan 2020 by Kebaboo
How can I create a neural network (textgenrnn)? Is there a detailed tutorial: steps, programs etc? I don't understand GitHub post.? What I have tried: I've just read some posts and watched videos. But I don't understand. I'm Russian.
24 Jan 2020 by RickZeeland
Here you can find books: https://www.slant.co/topics/3747/~books-on-neural-networks[^] But you probably first need to learn the English language :) Another idea is to read this in your browser and translate it with Google translate:...
25 Jan 2020 by User 11060979
My personal favortite: Neural networks and deep learning[^] I worked through his whole article and my Feeling is, he does describe everything very simple and very good. Give it a Trial. To understand it you should know what Derivate of a function means and at least you should have an...
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...
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[^]
21 Jan 2018 by Nikola M. Živković
The biggest power of ANNs is that they can be familiarized with some kind of problem in the process of training and are later able to solve problems of the same class – just like humans do! But how do they do that?
28 Jan 2015 by Pritish Mahadik
I would like to have some guidance about the process flow of the project.The software would contain customers with their financial profiles and will attempt transactions. Based on their salary, assets and liabilities, they will be given a customer rating. And depending on the parameters their...
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.
13 Mar 2015 by Larissa Schön
I want my computer to learn what my face looks like when I am in a certain mood(self defined, not just happy and sad) via webcam and then predict the mood I am likely in(in per cent, not binary) by having given it training. Like...
13 Mar 2015 by Sergey Alexandrovich Kryukov
Please see my comments to the question. You can always find some links on the...
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...
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. ...