SlideShare a Scribd company logo
1 of 11
Download to read offline
Neural Networks
Presentation:
ARTIFICAL INTELLIGENCE
Group member:
 Jaweria Rashid (21112021025)
 Umme Habiba (21112021012)
 Aqsa Rani (21112021021)
Neural Network
Neural networks are a fundamental concept in AI, inspired by the structure of the human
brain. They consist of interconnected nodes, or neurons, organized in layers. Input data is
fed into the input layer, processed through hidden layers using weights and activation
functions, and produces an output in the final layer.
 Neurons:
- Neurons are the basic units of a neural network.
Each neuron receives input, processes it, and
produces an output.
 Layers:
-Input Layer:
Take the input data and pass it through the input
layer.
Neural Network(cont)
-Hidden Layers:
For each hidden layer, calculate the weighted sum of inputs and apply the activation
function to produce the layer’s output.
-Output Layer:
Repeat the process for the output layer. The final output is the prediction made by the
neural network.
 Weights and Biases:
- Weights determine the strength of connections between neurons, influencing the
information flow.
- Biases provide neurons with an additional parameter, allowing fine-tuning of the
output.
Neural Network(cont)
 Feedforward and Backpropagation:
- Feedforward is the process of passing input through the network to produce an
output.
- Backpropagation is the training process where errors are calculated, and weights are
adjusted backward to minimize these errors.
 Training Data and Labels:
- Neural networks learn from labeled training data, adjusting weights to minimize the
difference between predicted and actual outputs.
 Loss Function:
- The loss function measures the difference between predicted and actual outputs.
Training aims to minimize this loss.
Neural Network(cont)
 Optimization Algorithms:
- Algorithms like Stochastic Gradient Descent (SGD) or Adam are used to iteratively adjust
weights during training.
 Types of Neural Networks:
- Feedforward Neural Networks (FNN): Basic structure where information flows in one
direction.
- Recurrent Neural Networks (RNN): Allows information to persist, suitable for sequences.
- Convolutional Neural Networks (CNN): Designed for image-related tasks, employing
convolutional layers.
 Deep Learning:
- Involves neural networks with many hidden layers, enabling the model to learn intricate
features and representations.
Graphs & Trees
 Graph Representation: Neural networks can be conceptualized as directed graphs,
where nodes represent neurons, and edges represent connections between
neurons.Layers in a neural network can be seen as levels in the graph
 Tree-like Hierarchical Structure: The hierarchical layer structure can be compared to
a tree, where the root is the input layer, branches are hidden layers, and leaves are the
output layer.
 Decision Trees in Ensembles: In some cases, decision trees can be used alongside
neural networks, forming ensembles. The output of a decision tree might serve as input
or features for a neural network, combining the strengths of both approaches.
 Graph Neural Networks (GNNs): GNNs explicitly leverage graph structures. Nodes
represent entities, and edges denote relationships. GNNs are employed in tasks
involving graph-structured data, such as social network analysis or molecular structure
prediction.
Algorithm Of Neural Network
# Generate some dummy data
import numpy as np
X_train = np.random.rand(100, 1)
y_train = 2 * X_train + 1 + 0.1 *
np.random.randn(100, 1)
# Build a simple neural network
model = Sequential()
model.add(Dense(units=1, input_dim=1,
activation='linear'))
# Compile the model
model.compile(optimizer='sgd',
loss='mean_squared_error')
# Train the model
model.fit(X_train, y_train, epochs=100)
# Make predictions
X_test = np.array([[0.2], [0.5], [0.8]])
predictions = model.predict(X_test)
print(predictions)
This code creates a simple neural network with
one input layer and one output layer using
TensorFlow. It then compiles the model, trains it
on some dummy data, and makes predictions on
new data
APPLICATION IN THE REAL WORLD
 Image and Speech Recognition:
- Neural networks power facial recognition systems, image classification, and speech
recognition technologies. Applications include security systems, virtual assistants, and
accessibility tools.
 Natural Language Processing (NLP):
- NLP tasks, such as sentiment analysis, language translation, and chatbots, benefit from
neural networks. This technology is widely used in customer support, content moderation,
and language translation services.
 Medical Diagnostics:
- Neural networks assist in medical image analysis, aiding in the detection of diseases from
X-rays, MRIs, and CT scans. They also contribute to personalized medicine by analyzing
patient data for treatment recommendations.
APPLICATION IN THE REAL WORLD(cont)
 Autonomous Vehicles:
- Neural networks play a crucial role in the development of self-driving cars. They are
used for object detection, lane keeping, decision-making, and other aspects of
autonomous navigation.
 Financial Fraud Detection:
- Neural networks are employed in fraud detection systems for analyzing patterns in
financial transactions. Unusual or suspicious activities can be identified based on
learned patterns, enhancing security in the financial sector.
 Gaming and Entertainment:
- Neural networks are used in the gaming industry for character animation, non-player
character behavior, and enhancing the gaming experience through adaptive algorithms.
Neural Network Code In Python
Neural Network Code In Python(cont)

More Related Content

Similar to Neural Networks AI presentation.pdf

Artificial Neural Networks ppt.pptx for final sem cse
Artificial Neural Networks  ppt.pptx for final sem cseArtificial Neural Networks  ppt.pptx for final sem cse
Artificial Neural Networks ppt.pptx for final sem cseNaveenBhajantri1
 
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance lec 13
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance   lec 13Dr. Syed Muhammad Ali Tirmizi - Special topics in finance   lec 13
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance lec 13Dr. Muhammad Ali Tirmizi., Ph.D.
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural networksweetysweety8
 
Neuralnetwork 101222074552-phpapp02
Neuralnetwork 101222074552-phpapp02Neuralnetwork 101222074552-phpapp02
Neuralnetwork 101222074552-phpapp02Deepu Gupta
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdfAnastasiaSteele10
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdfStephenAmell4
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdfStephenAmell4
 
Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Akash Goel
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1ncct
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks ShwethaShreeS
 
Artificial Neural Network and its Applications
Artificial Neural Network and its ApplicationsArtificial Neural Network and its Applications
Artificial Neural Network and its Applicationsshritosh kumar
 
Neural network
Neural network Neural network
Neural network Faireen
 

Similar to Neural Networks AI presentation.pdf (20)

Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Neural network
Neural networkNeural network
Neural network
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
neuralnetwork.pptx
neuralnetwork.pptxneuralnetwork.pptx
neuralnetwork.pptx
 
Artificial Neural Networks ppt.pptx for final sem cse
Artificial Neural Networks  ppt.pptx for final sem cseArtificial Neural Networks  ppt.pptx for final sem cse
Artificial Neural Networks ppt.pptx for final sem cse
 
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance lec 13
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance   lec 13Dr. Syed Muhammad Ali Tirmizi - Special topics in finance   lec 13
Dr. Syed Muhammad Ali Tirmizi - Special topics in finance lec 13
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Neural network
Neural networkNeural network
Neural network
 
Neuralnetwork 101222074552-phpapp02
Neuralnetwork 101222074552-phpapp02Neuralnetwork 101222074552-phpapp02
Neuralnetwork 101222074552-phpapp02
 
Cnn
CnnCnn
Cnn
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdf
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdf
 
What are neural networks.pdf
What are neural networks.pdfWhat are neural networks.pdf
What are neural networks.pdf
 
Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1
 
Artifical Neural Network
Artifical Neural NetworkArtifical Neural Network
Artifical Neural Network
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks
 
Neural
NeuralNeural
Neural
 
Artificial Neural Network and its Applications
Artificial Neural Network and its ApplicationsArtificial Neural Network and its Applications
Artificial Neural Network and its Applications
 
Neural network
Neural network Neural network
Neural network
 

Recently uploaded

UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfUGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfNirmal Dwivedi
 
Magic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxMagic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxdhanalakshmis0310
 
ICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxAreebaZafar22
 
Unit-IV; Professional Sales Representative (PSR).pptx
Unit-IV; Professional Sales Representative (PSR).pptxUnit-IV; Professional Sales Representative (PSR).pptx
Unit-IV; Professional Sales Representative (PSR).pptxVishalSingh1417
 
Spellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please PractiseSpellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please PractiseAnaAcapella
 
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...Nguyen Thanh Tu Collection
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxheathfieldcps1
 
How to Create and Manage Wizard in Odoo 17
How to Create and Manage Wizard in Odoo 17How to Create and Manage Wizard in Odoo 17
How to Create and Manage Wizard in Odoo 17Celine George
 
ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.MaryamAhmad92
 
PROCESS RECORDING FORMAT.docx
PROCESS      RECORDING        FORMAT.docxPROCESS      RECORDING        FORMAT.docx
PROCESS RECORDING FORMAT.docxPoojaSen20
 
How to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSHow to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSCeline George
 
Unit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptxUnit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptxVishalSingh1417
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxRamakrishna Reddy Bijjam
 
Food safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdfFood safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdfSherif Taha
 
Dyslexia AI Workshop for Slideshare.pptx
Dyslexia AI Workshop for Slideshare.pptxDyslexia AI Workshop for Slideshare.pptx
Dyslexia AI Workshop for Slideshare.pptxcallscotland1987
 
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...pradhanghanshyam7136
 
Key note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfKey note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfAdmir Softic
 
Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)Jisc
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdfQucHHunhnh
 

Recently uploaded (20)

UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfUGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
 
Magic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxMagic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptx
 
ICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptx
 
Unit-IV; Professional Sales Representative (PSR).pptx
Unit-IV; Professional Sales Representative (PSR).pptxUnit-IV; Professional Sales Representative (PSR).pptx
Unit-IV; Professional Sales Representative (PSR).pptx
 
Spellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please PractiseSpellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please Practise
 
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
 
How to Create and Manage Wizard in Odoo 17
How to Create and Manage Wizard in Odoo 17How to Create and Manage Wizard in Odoo 17
How to Create and Manage Wizard in Odoo 17
 
ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.
 
PROCESS RECORDING FORMAT.docx
PROCESS      RECORDING        FORMAT.docxPROCESS      RECORDING        FORMAT.docx
PROCESS RECORDING FORMAT.docx
 
How to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSHow to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POS
 
Unit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptxUnit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptx
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docx
 
Asian American Pacific Islander Month DDSD 2024.pptx
Asian American Pacific Islander Month DDSD 2024.pptxAsian American Pacific Islander Month DDSD 2024.pptx
Asian American Pacific Islander Month DDSD 2024.pptx
 
Food safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdfFood safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdf
 
Dyslexia AI Workshop for Slideshare.pptx
Dyslexia AI Workshop for Slideshare.pptxDyslexia AI Workshop for Slideshare.pptx
Dyslexia AI Workshop for Slideshare.pptx
 
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
 
Key note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfKey note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdf
 
Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdf
 

Neural Networks AI presentation.pdf

  • 1. Neural Networks Presentation: ARTIFICAL INTELLIGENCE Group member:  Jaweria Rashid (21112021025)  Umme Habiba (21112021012)  Aqsa Rani (21112021021)
  • 2. Neural Network Neural networks are a fundamental concept in AI, inspired by the structure of the human brain. They consist of interconnected nodes, or neurons, organized in layers. Input data is fed into the input layer, processed through hidden layers using weights and activation functions, and produces an output in the final layer.  Neurons: - Neurons are the basic units of a neural network. Each neuron receives input, processes it, and produces an output.  Layers: -Input Layer: Take the input data and pass it through the input layer.
  • 3. Neural Network(cont) -Hidden Layers: For each hidden layer, calculate the weighted sum of inputs and apply the activation function to produce the layer’s output. -Output Layer: Repeat the process for the output layer. The final output is the prediction made by the neural network.  Weights and Biases: - Weights determine the strength of connections between neurons, influencing the information flow. - Biases provide neurons with an additional parameter, allowing fine-tuning of the output.
  • 4. Neural Network(cont)  Feedforward and Backpropagation: - Feedforward is the process of passing input through the network to produce an output. - Backpropagation is the training process where errors are calculated, and weights are adjusted backward to minimize these errors.  Training Data and Labels: - Neural networks learn from labeled training data, adjusting weights to minimize the difference between predicted and actual outputs.  Loss Function: - The loss function measures the difference between predicted and actual outputs. Training aims to minimize this loss.
  • 5. Neural Network(cont)  Optimization Algorithms: - Algorithms like Stochastic Gradient Descent (SGD) or Adam are used to iteratively adjust weights during training.  Types of Neural Networks: - Feedforward Neural Networks (FNN): Basic structure where information flows in one direction. - Recurrent Neural Networks (RNN): Allows information to persist, suitable for sequences. - Convolutional Neural Networks (CNN): Designed for image-related tasks, employing convolutional layers.  Deep Learning: - Involves neural networks with many hidden layers, enabling the model to learn intricate features and representations.
  • 6. Graphs & Trees  Graph Representation: Neural networks can be conceptualized as directed graphs, where nodes represent neurons, and edges represent connections between neurons.Layers in a neural network can be seen as levels in the graph  Tree-like Hierarchical Structure: The hierarchical layer structure can be compared to a tree, where the root is the input layer, branches are hidden layers, and leaves are the output layer.  Decision Trees in Ensembles: In some cases, decision trees can be used alongside neural networks, forming ensembles. The output of a decision tree might serve as input or features for a neural network, combining the strengths of both approaches.  Graph Neural Networks (GNNs): GNNs explicitly leverage graph structures. Nodes represent entities, and edges denote relationships. GNNs are employed in tasks involving graph-structured data, such as social network analysis or molecular structure prediction.
  • 7. Algorithm Of Neural Network # Generate some dummy data import numpy as np X_train = np.random.rand(100, 1) y_train = 2 * X_train + 1 + 0.1 * np.random.randn(100, 1) # Build a simple neural network model = Sequential() model.add(Dense(units=1, input_dim=1, activation='linear')) # Compile the model model.compile(optimizer='sgd', loss='mean_squared_error') # Train the model model.fit(X_train, y_train, epochs=100) # Make predictions X_test = np.array([[0.2], [0.5], [0.8]]) predictions = model.predict(X_test) print(predictions) This code creates a simple neural network with one input layer and one output layer using TensorFlow. It then compiles the model, trains it on some dummy data, and makes predictions on new data
  • 8. APPLICATION IN THE REAL WORLD  Image and Speech Recognition: - Neural networks power facial recognition systems, image classification, and speech recognition technologies. Applications include security systems, virtual assistants, and accessibility tools.  Natural Language Processing (NLP): - NLP tasks, such as sentiment analysis, language translation, and chatbots, benefit from neural networks. This technology is widely used in customer support, content moderation, and language translation services.  Medical Diagnostics: - Neural networks assist in medical image analysis, aiding in the detection of diseases from X-rays, MRIs, and CT scans. They also contribute to personalized medicine by analyzing patient data for treatment recommendations.
  • 9. APPLICATION IN THE REAL WORLD(cont)  Autonomous Vehicles: - Neural networks play a crucial role in the development of self-driving cars. They are used for object detection, lane keeping, decision-making, and other aspects of autonomous navigation.  Financial Fraud Detection: - Neural networks are employed in fraud detection systems for analyzing patterns in financial transactions. Unusual or suspicious activities can be identified based on learned patterns, enhancing security in the financial sector.  Gaming and Entertainment: - Neural networks are used in the gaming industry for character animation, non-player character behavior, and enhancing the gaming experience through adaptive algorithms.
  • 10. Neural Network Code In Python
  • 11. Neural Network Code In Python(cont)