SlideShare a Scribd company logo
Applying Deep Learning in
Information Retrieval System
http://twchrislin.com/
My project
http://twchrislin.com/project/
Tools:
python
numpy
pandas
scikit-learn
xgboost
theano
lasagne
id LifeTime dira FlightDistance FlightDistanceError … signal
18453471 0.00157832377590239050.999999344348907614.0333347320556640.6814009547233582 … 0
5364094 0.00098804314620792870.99970477819442765.536156654357910.3023407459259033 … 0
11130990 0.00087667378829792140.99998414516448966.1173019409179690.27646270394325256… 0
15173787 0.0008541746647097170.99990290403366085.2280673980712890.22073912620544436… 0
1102544 0.00112933525815606140.999995291233062939.069534301757811.8981972932815552 … 0
https://youtu.be/_SjgCoR7e1s
http://www.emotibot.com/
:
python
numpy
pandas
scikit-learn
xgboost
theano
lasagne
Machine Learning
Deep Learning
Outline
1. Information Retrieval
2. Neural Networks and Convolutional Neural Networks
3. Feature Vector Representation
4. Sentence Retrieval
5. Image Retrieval
6. Conclusion
Information Retrieval
Input Query
Encoding
Database
Matching
Ranking
Neural Networks
http://speech.ee.ntu.edu.tw/~tlkagk/courses/MLDS_2015_2/Lecture/DNN%20(v4).pdf
Single Neuron, Logistic Regression
Sigmoid funciton
28 pixels
28 pixels
784 pixels
Neural Networks
http://speech.ee.ntu.edu.tw/~tlkagk/courses/MLDS_2015_2/Lecture/DNN%20(v4).pdf
Multiclass 10
Neural Networks
http://speech.ee.ntu.edu.tw/~tlkagk/courses/MLDS_2015_2/Lecture/DNN%20(v4).pdf
MLP Multiclass Z1xL1=X1x785 W785xL1
+
f(Z1xL1)
Sigmoid funciton
Z1xL2=X1xL1 WL1xL2
+
f(Z1xL2)
Convolutional Neural Networks
http://www.slideshare.net/tw_dsconf/ss-62245351
translation
invariance
subsampling
Conv + Pooling Conv + Pooling MLP
Feature Vector Representation
Bengio, 2014, Representation Learning: A Review and New Perspectives
FeatureVector
Representation
Learning
http://deeplearning4j.org/convolutionalnets
NN
feature
extractor
Feature Vector Representation
Input
Neural Networks
including
MLP, CNN, RNN
Feature Vector
[ 0.25, 0.33…, 0.78 ]
Encoding
Matching
Feature Vector 1
Feature Vector 2
Similarity
Function
Score
• cosine similarity
• v1
TM v2
Outline
1. Information Retrieval
2. Neural Networks and Convolutional Neural Networks
3. Feature Vector Representation
4. Sentence Retrieval
5. Image Retrieval
6. Conclusion
<Pad>
<Pad>
<Pad>
<Pad>
Sentence Retrieval
http://emnlp2014.org/papers/pdf/EMNLP2014181.pdf
Yoon Kim, 2014, Convolutional Neural
Networks for Sentence Classification
Neural Net Architecture
NN
feature
extractor
1 of K (one-hot)
+
word embedding
Conv + MaxPooling
Sentence Retrieval
Results:
• Training acc: 99% up
• Validation acc: 99% up
Experiment:
• 5 classes sentences
• Training Set 80%
• Validation Set 20%
Feature vector PCA tSNE
Sentence Retrieval
Recurrent Neural Network
Kyunghyun Cho et. al., 2014,
Learning Phrase Representations using
RNN Encoder–Decoder for Statistical
Machine Translation
https://devblogs.nvidia.com/parallelforall/
introduction-neural-machine-translation-gpus-part-2/
Skip-Thought Vectors
Skip-Thought Vectors http://arxiv.org/pdf/1506.06726v1.pdf
Encode a sentence into a thought vector hi by predicting its neighbor
sentence.
Ryan Kiros et. al., 2015, Skip-Thought Vectors
… I just got back home. I could see the cat on the steps. This was strange. …
Channel A
http://www.cherry123.com/data/book/14299/book14299_2.html
Skip-Thought Vectors
?
?
?
?
?
?
?
! ? !
?
, ,
Semantic Similarity
Skip-Thought Vectors
query sen skt result skt score
… … 0.934
0.918
0.901
0.898
0.889
0.861
0.836
0.831
0.812
0.777
0.765
Reference Relationship
Skip-Thought Vectors
query sen skt result skt score
0.898
0.916
0.836
… … 0.755
0.757
0.763
Limitations
Skip-Thought Vectors
• Requiring huge size of corpus
• … I just got back home. I could see the cat on the steps. This was strange. …
• … I got back to office. I could see the cat on the steps. This was cool. …
11,051 novels with 17,515,150 sentences
• Scenario dependency
query sen skt result skt score
0.697
… … 0.697
0.697
Something Interesting
Skip-Thought Vectors
query sen skt result skt score
0.889
0.697
skip-thought knows: =
I’m ?
skip-thought knows: =
?
Image Retrieval
“A cat” Image Input
Expected Outcome:
Feature Vector
Calculation
Matching
Database
Image Retrieval
Input
Image
pre-
processing
(2)
(1)
Hashing
Vector
Layer
FC + Softmax
Layer
.
.
.
.
.
.
CNN
network
1st: various targets
Step1
Training
copy
CNN
network
Step2
Training
Kevin Lin et. al, 2015, Deep Learning of Binary Hash Codes for Fast Image Retrieval
.
.
.
.
.
.
2nd: task specific targets
encoding
application Hashing
Vector
Layer
copy
CNN
network
copy
Feature Vector
AlexNet
VGG
Image Retrieval
Kevin Lin et. al, 2015, Deep Learning of Binary Hash Codes for Fast Image Retrieval
Demo
http://tweddielin.pythonanywhere.com/
https://github.com/tweddielin/flask-imsearch
Github
Conclusion
1. Deep Learning => Trainable Feature Extractor
2. Type of Neural Nets: MLP, CNN, RNN
3.
• http://www.slideshare.net/tw_dsconf/ss-62245351
• http://speech.ee.ntu.edu.tw/~tlkagk/courses_MLSD15_2.html
Backup
Convolutional Neural Networks
http://cs231n.github.io/convolutional-networks/
More Information
1 1 2 4
5 6 7 8
3 2 1 -2
1 2 3 4
ReLU
max(0,x)
Convolved Feature
MaxPooling

More Related Content

Viewers also liked

A Simple Introduction to Word Embeddings
A Simple Introduction to Word EmbeddingsA Simple Introduction to Word Embeddings
A Simple Introduction to Word Embeddings
Bhaskar Mitra
 
Instant Question Answering System
Instant Question Answering SystemInstant Question Answering System
Instant Question Answering System
Dhwaj Raj
 
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robotsMeetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
Digipolis Antwerpen
 
Deep Learning & NLP: Graphs to the Rescue!
Deep Learning & NLP: Graphs to the Rescue!Deep Learning & NLP: Graphs to the Rescue!
Deep Learning & NLP: Graphs to the Rescue!
Roelof Pieters
 
Intro to Deep Learning for Question Answering
Intro to Deep Learning for Question AnsweringIntro to Deep Learning for Question Answering
Intro to Deep Learning for Question Answering
Traian Rebedea
 
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsDeep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Roelof Pieters
 
NVIDIA – Inventor of the GPU
NVIDIA – Inventor of the GPUNVIDIA – Inventor of the GPU
NVIDIA – Inventor of the GPU
NVIDIA
 
Thesis Defense Presentation
Thesis Defense PresentationThesis Defense Presentation
Thesis Defense Presentation
osideloc
 
Deep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the BayDeep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the Bay
Adam Gibson
 
Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017
NVIDIA
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 

Viewers also liked (11)

A Simple Introduction to Word Embeddings
A Simple Introduction to Word EmbeddingsA Simple Introduction to Word Embeddings
A Simple Introduction to Word Embeddings
 
Instant Question Answering System
Instant Question Answering SystemInstant Question Answering System
Instant Question Answering System
 
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robotsMeetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
Meetup 6/3/2017 - Artificiële Intelligentie: over chatbots & robots
 
Deep Learning & NLP: Graphs to the Rescue!
Deep Learning & NLP: Graphs to the Rescue!Deep Learning & NLP: Graphs to the Rescue!
Deep Learning & NLP: Graphs to the Rescue!
 
Intro to Deep Learning for Question Answering
Intro to Deep Learning for Question AnsweringIntro to Deep Learning for Question Answering
Intro to Deep Learning for Question Answering
 
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsDeep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word Embeddings
 
NVIDIA – Inventor of the GPU
NVIDIA – Inventor of the GPUNVIDIA – Inventor of the GPU
NVIDIA – Inventor of the GPU
 
Thesis Defense Presentation
Thesis Defense PresentationThesis Defense Presentation
Thesis Defense Presentation
 
Deep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the BayDeep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the Bay
 
Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 

Similar to Pycon2016- Applying Deep Learning in Information Retrieval System

Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
Databricks
 
North americai iotskynet-v2
North americai iotskynet-v2North americai iotskynet-v2
North americai iotskynet-v2
Steve Poole
 
Generic Framework for Knowledge Classification-1
Generic Framework  for Knowledge Classification-1Generic Framework  for Knowledge Classification-1
Generic Framework for Knowledge Classification-1Venkata Vineel
 
20190417 畳み込みニューラル ネットワークの基礎と応用
20190417 畳み込みニューラル ネットワークの基礎と応用20190417 畳み込みニューラル ネットワークの基礎と応用
20190417 畳み込みニューラル ネットワークの基礎と応用
Kazuki Motohashi
 
What Can I Do Now V3
What Can I Do Now V3What Can I Do Now V3
What Can I Do Now V3
Darren Kuropatwa
 
Processing images with Deep Learning
Processing images with Deep LearningProcessing images with Deep Learning
Processing images with Deep Learning
Julien SIMON
 
Deep Learning for Folks Without (or With!) a Ph.D.
Deep Learning for Folks Without (or With!) a Ph.D.Deep Learning for Folks Without (or With!) a Ph.D.
Deep Learning for Folks Without (or With!) a Ph.D.
Douglas Starnes
 
What if we stored events instead of state?
What if we stored events instead of state?What if we stored events instead of state?
What if we stored events instead of state?
Jef Claes
 
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
SMART Infrastructure Facility
 
Pygrunn 2012 down the rabbit - profiling in python
Pygrunn 2012   down the rabbit - profiling in pythonPygrunn 2012   down the rabbit - profiling in python
Pygrunn 2012 down the rabbit - profiling in pythonRemco Wendt
 
Panoramic Video in Environmental Monitoring Software Development and Applica...
Panoramic Video in Environmental Monitoring Software Development and Applica...Panoramic Video in Environmental Monitoring Software Development and Applica...
Panoramic Video in Environmental Monitoring Software Development and Applica...
pycontw
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
Nicholas McClure
 
Rock Paper Scissors with MLNET.pptx
Rock Paper Scissors with MLNET.pptxRock Paper Scissors with MLNET.pptx
Rock Paper Scissors with MLNET.pptx
Luis Beltran
 
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdfRaspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
SANTIAGO PABLO ALBERTO
 
Down the rabbit hole, profiling in Django
Down the rabbit hole, profiling in DjangoDown the rabbit hole, profiling in Django
Down the rabbit hole, profiling in Django
Remco Wendt
 
What Can I Do Now V1.01
What Can I Do Now V1.01What Can I Do Now V1.01
What Can I Do Now V1.01
Darren Kuropatwa
 

Similar to Pycon2016- Applying Deep Learning in Information Retrieval System (16)

Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
North americai iotskynet-v2
North americai iotskynet-v2North americai iotskynet-v2
North americai iotskynet-v2
 
Generic Framework for Knowledge Classification-1
Generic Framework  for Knowledge Classification-1Generic Framework  for Knowledge Classification-1
Generic Framework for Knowledge Classification-1
 
20190417 畳み込みニューラル ネットワークの基礎と応用
20190417 畳み込みニューラル ネットワークの基礎と応用20190417 畳み込みニューラル ネットワークの基礎と応用
20190417 畳み込みニューラル ネットワークの基礎と応用
 
What Can I Do Now V3
What Can I Do Now V3What Can I Do Now V3
What Can I Do Now V3
 
Processing images with Deep Learning
Processing images with Deep LearningProcessing images with Deep Learning
Processing images with Deep Learning
 
Deep Learning for Folks Without (or With!) a Ph.D.
Deep Learning for Folks Without (or With!) a Ph.D.Deep Learning for Folks Without (or With!) a Ph.D.
Deep Learning for Folks Without (or With!) a Ph.D.
 
What if we stored events instead of state?
What if we stored events instead of state?What if we stored events instead of state?
What if we stored events instead of state?
 
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
SMART Seminar Series: "Blockchain and its Applications". Presented by Prof Wi...
 
Pygrunn 2012 down the rabbit - profiling in python
Pygrunn 2012   down the rabbit - profiling in pythonPygrunn 2012   down the rabbit - profiling in python
Pygrunn 2012 down the rabbit - profiling in python
 
Panoramic Video in Environmental Monitoring Software Development and Applica...
Panoramic Video in Environmental Monitoring Software Development and Applica...Panoramic Video in Environmental Monitoring Software Development and Applica...
Panoramic Video in Environmental Monitoring Software Development and Applica...
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
 
Rock Paper Scissors with MLNET.pptx
Rock Paper Scissors with MLNET.pptxRock Paper Scissors with MLNET.pptx
Rock Paper Scissors with MLNET.pptx
 
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdfRaspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
Raspberry Pi: Python todo en uno para dummies por John Shovic parte 2.pdf
 
Down the rabbit hole, profiling in Django
Down the rabbit hole, profiling in DjangoDown the rabbit hole, profiling in Django
Down the rabbit hole, profiling in Django
 
What Can I Do Now V1.01
What Can I Do Now V1.01What Can I Do Now V1.01
What Can I Do Now V1.01
 

Recently uploaded

Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Sérgio Sacani
 
Structural Classification Of Protein (SCOP)
Structural Classification Of Protein  (SCOP)Structural Classification Of Protein  (SCOP)
Structural Classification Of Protein (SCOP)
aishnasrivastava
 
Lateral Ventricles.pdf very easy good diagrams comprehensive
Lateral Ventricles.pdf very easy good diagrams comprehensiveLateral Ventricles.pdf very easy good diagrams comprehensive
Lateral Ventricles.pdf very easy good diagrams comprehensive
silvermistyshot
 
Structures and textures of metamorphic rocks
Structures and textures of metamorphic rocksStructures and textures of metamorphic rocks
Structures and textures of metamorphic rocks
kumarmathi863
 
Lab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerinLab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerin
ossaicprecious19
 
justice-and-fairness-ethics with example
justice-and-fairness-ethics with examplejustice-and-fairness-ethics with example
justice-and-fairness-ethics with example
azzyixes
 
Penicillin...........................pptx
Penicillin...........................pptxPenicillin...........................pptx
Penicillin...........................pptx
Cherry
 
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
Sérgio Sacani
 
ESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptxESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptx
muralinath2
 
erythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptxerythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptx
muralinath2
 
Hemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptxHemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptx
muralinath2
 
Large scale production of streptomycin.pptx
Large scale production of streptomycin.pptxLarge scale production of streptomycin.pptx
Large scale production of streptomycin.pptx
Cherry
 
Richard's entangled aventures in wonderland
Richard's entangled aventures in wonderlandRichard's entangled aventures in wonderland
Richard's entangled aventures in wonderland
Richard Gill
 
platelets_clotting_biogenesis.clot retractionpptx
platelets_clotting_biogenesis.clot retractionpptxplatelets_clotting_biogenesis.clot retractionpptx
platelets_clotting_biogenesis.clot retractionpptx
muralinath2
 
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
Scintica Instrumentation
 
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptxBody fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
muralinath2
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
subedisuryaofficial
 
NuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final versionNuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final version
pablovgd
 
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
Sérgio Sacani
 
plant biotechnology Lecture note ppt.pptx
plant biotechnology Lecture note ppt.pptxplant biotechnology Lecture note ppt.pptx
plant biotechnology Lecture note ppt.pptx
yusufzako14
 

Recently uploaded (20)

Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
Observation of Io’s Resurfacing via Plume Deposition Using Ground-based Adapt...
 
Structural Classification Of Protein (SCOP)
Structural Classification Of Protein  (SCOP)Structural Classification Of Protein  (SCOP)
Structural Classification Of Protein (SCOP)
 
Lateral Ventricles.pdf very easy good diagrams comprehensive
Lateral Ventricles.pdf very easy good diagrams comprehensiveLateral Ventricles.pdf very easy good diagrams comprehensive
Lateral Ventricles.pdf very easy good diagrams comprehensive
 
Structures and textures of metamorphic rocks
Structures and textures of metamorphic rocksStructures and textures of metamorphic rocks
Structures and textures of metamorphic rocks
 
Lab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerinLab report on liquid viscosity of glycerin
Lab report on liquid viscosity of glycerin
 
justice-and-fairness-ethics with example
justice-and-fairness-ethics with examplejustice-and-fairness-ethics with example
justice-and-fairness-ethics with example
 
Penicillin...........................pptx
Penicillin...........................pptxPenicillin...........................pptx
Penicillin...........................pptx
 
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
Earliest Galaxies in the JADES Origins Field: Luminosity Function and Cosmic ...
 
ESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptxESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptx
 
erythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptxerythropoiesis-I_mechanism& clinical significance.pptx
erythropoiesis-I_mechanism& clinical significance.pptx
 
Hemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptxHemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptx
 
Large scale production of streptomycin.pptx
Large scale production of streptomycin.pptxLarge scale production of streptomycin.pptx
Large scale production of streptomycin.pptx
 
Richard's entangled aventures in wonderland
Richard's entangled aventures in wonderlandRichard's entangled aventures in wonderland
Richard's entangled aventures in wonderland
 
platelets_clotting_biogenesis.clot retractionpptx
platelets_clotting_biogenesis.clot retractionpptxplatelets_clotting_biogenesis.clot retractionpptx
platelets_clotting_biogenesis.clot retractionpptx
 
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
 
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptxBody fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
Body fluids_tonicity_dehydration_hypovolemia_hypervolemia.pptx
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
 
NuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final versionNuGOweek 2024 Ghent - programme - final version
NuGOweek 2024 Ghent - programme - final version
 
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
 
plant biotechnology Lecture note ppt.pptx
plant biotechnology Lecture note ppt.pptxplant biotechnology Lecture note ppt.pptx
plant biotechnology Lecture note ppt.pptx
 

Pycon2016- Applying Deep Learning in Information Retrieval System