SlideShare a Scribd company logo
1 of 7
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2353
Concepts, Methods and Applications of Neural Style Transfer:
A review Article
Aayush Kapur
B.Tech CSE, Vellore Institute of Technology, Vellore
--------------------------------------------------------------------------------***--------------------------------------------------------------------------------
Abstract – This article encompasses the study of the deep
image representations learned by Convolutional Neural
networks and comment on the applicability for high level
image synthesis and manipulation. One such high level
problem deals with rendering the content of the image in a
style of some different image. We will explore the concept of
neural style transfer which has been identified in research
papers earlier published. This article serves to provide an
intuitive understanding of the same and explore different
applications of this technique in a consolidated manner.
Further the neural style transfer technique will be applied
with different parameters and a survey of the results obtained
was conducted.
Key Words: Neural style transfer and applications, CNN,
Neural art, Style rendering, Image Content separation
1. INTRODUCTION
Neural style transferisanoptimisationtechniquethatallows
to copy the style from the style image and applyitovertothe
content image producing varied and often interesting
results. This is a technique outlined in Leon A. Gatys’ paper,
A Neural Algorithm of Artistic Style. This functions on the
principle of minimising the style loss and content loss in the
final output as compared to thestyleandcontentimagesthat
is the final output should have the least loss in style in
relation to the style image and least loss in content in
relation to content image. The final image is first initialised
randomly and slowly built over using the loss functions in
CNNs. [1]
As such the area of art with neural network has been little
explored, various approaches for trying to understand what
neural networks make of the images fed to them have been
tried. However there is still a gap in as to how the computer
perceives the abstract concepts such as art and thus it
largely points to “how does computer understand creativity
or even in future will we be able to generate sufficiently
creative machines to give ingenious solutions like we have
come to expect from humans?”. Will there ever come a time
when we can expect out of the box thinking from machines
we have built.
This article will provide the implementation of approach
where we can separate out the semantic meaning of image
from its content and paint a different image. It can be
thought of as initial steps on long road to the computational
creativity.
2. LITERATURE SURVEY
The concept of neural style transfer was introducedbyGatys,
L., Ecker, A. and Bethge in their paper titled “A Neural
Algorithm of Artistic Style” [1]. They laid the foundation of
the method to allow stylistic features of an image to be
combined with the content features of another image to
create the resultant image. Inspired by the Neural Style
transfer paper Li, Wang, Liu and Hou gave a new method of
interpretation of neural style transfer by treating it like a
domain adaptation problem[2]. It was shown by them
theoretically that matching of Gram matrices offeaturemaps
is same as minimizing the Max mean discrepancy with the
second order polynomial kernel. It was proposed by them
that the main idea behind neural styletransferistomatchthe
feature distributions between the style images and the
generated images.
Alex J Champandard in his 2016 paper titled “Semantic Style
Transfer and Turning Two-Bit Doodles into Fine Artwork”
introduced a novel concept to augment generative
architectures with semantic annotations, either by manually
authoring pixel labels or usingexistingsolutionsforsemantic
segmentation leading to a content aware generative
algorithm that offers meaningful control over the outcome.
[3]
A new technique for data augmentation was proposed by
Jackson, Abarghouei, Bonner, Toby Breckon, Obara in their
2018 paper “Style Augmentation: Data Augmentation via
Style Randomization”. It allowed to improve the robustness
of convolutional neural networks over classification and
regression tasks. During training, their style augmentation
randomizes texture, contrast and color, while preserving
shapeand semantic content.They also investigatedtheeffect
of style augmentation on domain transfer tasks and found
that data augmentation significantly improves robustness to
domain shift. [4]
2.1 gaps identified
Those methods were based on the idea of training a network
a network by training it on a very amount of data and based
on the model formed the input wasclassifiedaccordingtothe
model.
However, there was not so to say a proper separation and
extraction of the style of the data, it was more of finding out
the discernible features and distinguishing based on those
features.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2354
And even the closest technique to this one namely texture
transfer which can also be utilized for style transfer, that
approach too works on pixel level only, it seesthedifferences
between the images based on the differences in their pixels
and concludes the difference in style while in neural style
transfer, the difference in style is found out based on the
difference in feature spaces which are made after the input
image has been understood by the layers in CNN.
The other methods utilized along the similar lines of this
project have been limited to only very simple complexity use
cases. The previous work which tried to separate out style
from the content was based only on recognizing numbers/
digits from different hand writings for which a neural
network was trained. It involved either simple characters or
poses or images or small figures to be recognized. But it was
never tried out to understand and separate whole stylistic
pattern of a painting.
3. APPLICATIONS OF NEURAL STYLE TRANSFER
1. It uses neural representations to separate and
recombine content and style of arbitrary images,
providing a neural algorithm for the creation of
artistic images.
2. Offers a path forward to an algorithmic
understanding of how humans create and perceive
artistic imagery.
3. This technique can be extended to data
augmentation. Style transfer augmentationisa very
exciting data augmentation techniqueforlearninga
more diverse set of invariances and for domain
transfer.
4. IMPLEMENTATION
4.1 steps followed
1. Build several loss functionsto minimizethelosses
2. Build the custom model with the dataset API
3. Use a model to learn feature maps to describe the
content and style representation of our images.
4.Generate an iteratively updation based output
image.
5. This iteration based process will be slow, may be
try to speed up this process by making an untrained
image transformation network.
6. Explore other applications depending feasibility.
7. Do a survey test on the generated results.
Figure-1: Flowchart for algorithm
source: self drawn
4.2 Algorithm:
1. The network is trained on dataset for different objects
(Object detection dataset) or load a pre trained object
detection based model for the neural network.
2. The content similarity formulae and style similarity were
defined as written below.
3. for content similarity:
3.1 an initial random image was assumed
3.2 using standard error backpropagation, the initial
random image was changed over to match the content
image.
3.3 this took place by minimizing the content loss.
4. for style similarity:
4.1 the feature maps generated for layer are considered.
4.2 correlation between feature map at different layers is
used to make gram matrices.
4.3 the mean squared distance is minimized between the
original image gram matrix and the generated image gram
matrix till it is within acceptable limits.
5. This leads to two separate components one depicting the
content and the other depicting the style of the image, these
components are combined using the formulae, by taking a
new loss function
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2355
with,
alpha being the weight factor for content part of the image
beta being the weight factor for style part of the image
Figure-2: content similarity
where p, x are original and generated images respectively.
Figure-3: style similarity
Where a is the original image and x is the generated image.
Al and Gl are style representations in the layer l.
El is the layer wise contribution and Lstyle is the total
style loss.
For style similarity:
For a gram matrix G belonging to R(Nl * Ml) we have Gij as
summation of (Fl
ik * Fl
jk),
Utilising the gradient descent for arriving at the resultant
image which matchesthestylistic representationoftheinput
style image, starting from the white noise based image.
Do this by:
minimising the mean squared between the entries
of the Gram matrix of the original image and the
entries of the generated image.
4.3 Explanation of algorithm
The neural network has to be trained or a pre-trained model
loaded so that the network gets the ability to make sense of
what object is there in the image, essentially it will provide
the network with the ability of understanding the image
meaning to make a mathematical internal representation of
the Input image for further processing.
The random image was slowly changed over to match the
content image based on the responses it generates to a
certain layer in the network, till the point the response is not
within acceptable limits, using standard error
backpropagation the image is modified.
Gradient descent is used to arrive at new image from the
original white noise image, this new image will match the
stylistic representation of theoriginalimage,thestylisticloss
is minised by using the gram matrices.
4.4 Complexity analysis (time complexity)
dependencies were imported
functions were declared
The style transfer function is run based on the number of
iterations or “num_iter” given by the user, inside the style
transfer function for each iteration the code goes over every
layer in the model and all the style features for the gram
matrices.
O(num_iter*model.layers+num_iter*style_features)
(space complexity)
O(num_iter*width*height)
O(num_iter*features*feature_width*feature_height)
Figure-4: breaking the image into smaller parts which in
turn have their corresponding feature maps
source: self drawn
5. RESULTS
On running the style transfer with block5_conv2 features
for content image and all the 5 layers for style image we
get the following output, this has been done with 50
iterations over 5 different sets of input images.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2356
Figure-5: Relationship between the style and content
Source: Self drawn
Table-1: Output of style transfer with block5_conv2 features
No. Input content image Input style image Output image
1
2
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2357
3
4
5
Table-2: content and style feature comparisons
Content
feature maps
Style
layers
output
block1_conv
2
Layer 1
block1_conv
2
Layers
1,2,3
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2358
block1_conv
2
Layers
1,2,3,4,
5
block3_conv
2
Layer 1
block3_conv
2
Layers
1,2,3
block3_conv
2
Layers
1,2,3,4,
5
block5_conv
2
Layer 1
block5_conv
2
Layers
1,2,3
block5_conv
2
Layers
1,2,3,4,
5
(The outputs have been generated over 20 iterations.)
5. INTERPRETATION
On changing the feature maps for the content images and for
the style images to find out the behaviour of the output
image. It was found that the higher layer feature maps for
content images help to include the broad level details about
the content while the lower layer feature maps include pixel
by pixel almost identical information for image
reconstruction. In the case of style images including all the
five layers leads to better style output images.
In order to identify whether human subjects will be able to
identify whether the images were produced by machine or
think that the images have been made by man, a survey
through Google forms was conducted. It led to mixed results
with all the images producedbythemachinebeingsuccessful
in making humans think otherwise more than 60% of the
time.
6. CONCLUSIONS
This approach to neural networks has allowed us to
understand how we might make the machines perceive the
images in a way very similar to our natural visual system. It
has shed on the fact that the neural networks can be used
intelligently to use the style transfer mechanism overartistic
images.
This can be extended over to be utilized for other forms of
data as well. Another interesting application can be in the
field of data augmentation where wemight use style transfer
to extend our data set. A very promising work for future in
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2359
the field of style transfer can be machine creativity, though
such systems are still in conceptual stages.
7. REFERENCES
[1] Gatys, L., Ecker, A. and Bethge, M. (2016). A Neural
Algorithm of Artistic Style. Journal of Vision, 16(12),
p.326.
[2] Li, Wang, Liu and Hou, “Demystifying Neural Style
Transfer.” ProceedingsoftheTwenty-SixthInternational
Joint Conference on Artificial Intelligence, 2017,
doi:10.24963/ijcai.2017/310
[3] AlexJChampandard,(2016),SemanticStyleTransferand
Turning Two-Bit Doodles into Fine Artwork
[4] Jackson, Abarghouei, Bonner, TobyBreckon, Obara,
(2018),StyleAugmentation:DataAugmentationviaStyle
Randomization
[5] Towards Data Science. (2019). Neural Style Transfer
Applications: Data Augmentation. [online] Available at:
https://towardsdatascience.com/neural-style-transfer-
applications-data-augmentation-43d1dc1aeecc
[Accessed 8 Apr. 2019].
[6] sunshineatnoon.github.io.
https://sunshineatnoon.github.io/posts/2017/05/blog-
post-1/ (accessed June 7, 2019).
[7] /@purnasaigudikandula. “Artistic Neural Style Transfer
with Pytorch.” Medium, Medium, 22 Mar. 2019,
medium.com/@purnasaigudikandula/artistic-neural-
style-transfer-with-pytorch-1543e08cc38f.
[8] /@tensorflow. “Neural Style Transfer: Creating Art with
Deep Learning Using Tf.keras and Eager Execution.”
Medium, TensorFlow, 27 Sept. 2018,
medium.com/tensorflow/neural-style-transfer-creating-
art-with-deep-learning-using-tf-keras-and-eager-
execution-7d541ac31398.
[9] Luan, Fujun, et al. “Deep Photo Style Transfer.” 2017
IEEE Conference on Computer Vision and Pattern
Recognition (CVPR), 2017, doi:10.1109/cvpr.2017.740
[10]Gatys, Leon A., et al. “Image Style Transfer Using
ConvolutionalNeuralNetworks.” 2016 IEEE Conference
on Computer Vision and Pattern Recognition (CVPR),
2016, doi:10.1109/cvpr.2016.265

More Related Content

What's hot

10.1.1.432.9149
10.1.1.432.914910.1.1.432.9149
10.1.1.432.9149moemi1
 
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIJCSEA Journal
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...CSCJournals
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image ClassificationIRJET Journal
 
Human age and gender Detection
Human age and gender DetectionHuman age and gender Detection
Human age and gender DetectionAbhiAchalla
 
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSBON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSBijcsit
 
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...iosrjce
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET Journal
 
IRJET-MText Extraction from Images using Convolutional Neural Network
IRJET-MText Extraction from Images using Convolutional Neural NetworkIRJET-MText Extraction from Images using Convolutional Neural Network
IRJET-MText Extraction from Images using Convolutional Neural NetworkIRJET Journal
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...ijscai
 
Hierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classificationHierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classificationcsandit
 

What's hot (15)

10.1.1.432.9149
10.1.1.432.914910.1.1.432.9149
10.1.1.432.9149
 
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image Classification
 
Human age and gender Detection
Human age and gender DetectionHuman age and gender Detection
Human age and gender Detection
 
E017443136
E017443136E017443136
E017443136
 
G017444651
G017444651G017444651
G017444651
 
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSBON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
 
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...
A Cryptographic Key Generation on a 2D Graphics using RGB pixel Shuffling and...
 
Image captioning
Image captioningImage captioning
Image captioning
 
Hf2513081311
Hf2513081311Hf2513081311
Hf2513081311
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
 
IRJET-MText Extraction from Images using Convolutional Neural Network
IRJET-MText Extraction from Images using Convolutional Neural NetworkIRJET-MText Extraction from Images using Convolutional Neural Network
IRJET-MText Extraction from Images using Convolutional Neural Network
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
 
Hierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classificationHierarchical deep learning architecture for 10 k objects classification
Hierarchical deep learning architecture for 10 k objects classification
 

Similar to IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Review Article

Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...
Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...
Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...IRJET Journal
 
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET -  	  Deep Learning Approach to Inpainting and Outpainting SystemIRJET -  	  Deep Learning Approach to Inpainting and Outpainting System
IRJET - Deep Learning Approach to Inpainting and Outpainting SystemIRJET Journal
 
IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIRJET Journal
 
Cartoonization of images using machine Learning
Cartoonization of images using machine LearningCartoonization of images using machine Learning
Cartoonization of images using machine LearningIRJET Journal
 
Implementing Neural Style Transfer
Implementing Neural Style Transfer Implementing Neural Style Transfer
Implementing Neural Style Transfer Tahsin Mayeesha
 
IRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten CharactersIRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten CharactersIRJET Journal
 
Image Features Matching and Classification Using Machine Learning
Image Features Matching and Classification Using Machine LearningImage Features Matching and Classification Using Machine Learning
Image Features Matching and Classification Using Machine LearningIRJET Journal
 
Automated Image Captioning – Model Based on CNN – GRU Architecture
Automated Image Captioning – Model Based on CNN – GRU ArchitectureAutomated Image Captioning – Model Based on CNN – GRU Architecture
Automated Image Captioning – Model Based on CNN – GRU ArchitectureIRJET Journal
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIRJET Journal
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsIRJET Journal
 
IRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET Journal
 
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNING
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNINGATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNING
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNINGNathan Mathis
 
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...IRJET Journal
 
A Powerful Automated Image Indexing and Retrieval Tool for Social Media Sample
A Powerful Automated Image Indexing and Retrieval Tool for Social Media SampleA Powerful Automated Image Indexing and Retrieval Tool for Social Media Sample
A Powerful Automated Image Indexing and Retrieval Tool for Social Media SampleIRJET Journal
 
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...IRJET Journal
 
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...IRJET Journal
 
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699Guowei Xu
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET Journal
 
IRJET- Photo Optical Character Recognition Model
IRJET- Photo Optical Character Recognition ModelIRJET- Photo Optical Character Recognition Model
IRJET- Photo Optical Character Recognition ModelIRJET Journal
 

Similar to IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Review Article (20)

Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...
Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...
Advancements in Artistic Style Transfer: From Neural Algorithms to Real-Time ...
 
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET -  	  Deep Learning Approach to Inpainting and Outpainting SystemIRJET -  	  Deep Learning Approach to Inpainting and Outpainting System
IRJET - Deep Learning Approach to Inpainting and Outpainting System
 
IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUES
 
Cartoonization of images using machine Learning
Cartoonization of images using machine LearningCartoonization of images using machine Learning
Cartoonization of images using machine Learning
 
Implementing Neural Style Transfer
Implementing Neural Style Transfer Implementing Neural Style Transfer
Implementing Neural Style Transfer
 
IRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten CharactersIRJET- Intelligent Character Recognition of Handwritten Characters
IRJET- Intelligent Character Recognition of Handwritten Characters
 
Image Features Matching and Classification Using Machine Learning
Image Features Matching and Classification Using Machine LearningImage Features Matching and Classification Using Machine Learning
Image Features Matching and Classification Using Machine Learning
 
Automated Image Captioning – Model Based on CNN – GRU Architecture
Automated Image Captioning – Model Based on CNN – GRU ArchitectureAutomated Image Captioning – Model Based on CNN – GRU Architecture
Automated Image Captioning – Model Based on CNN – GRU Architecture
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
 
IRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural Network
 
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNING
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNINGATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNING
ATTENTION BASED IMAGE CAPTIONING USING DEEP LEARNING
 
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
An Intelligent approach to Pic to Cartoon Conversion using White-box-cartooni...
 
A Powerful Automated Image Indexing and Retrieval Tool for Social Media Sample
A Powerful Automated Image Indexing and Retrieval Tool for Social Media SampleA Powerful Automated Image Indexing and Retrieval Tool for Social Media Sample
A Powerful Automated Image Indexing and Retrieval Tool for Social Media Sample
 
Fashion AI
Fashion AIFashion AI
Fashion AI
 
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
 
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
 
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699
E4040.2016Fall.NAAS.report.gx2127.hs2917.kp2699
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
 
IRJET- Photo Optical Character Recognition Model
IRJET- Photo Optical Character Recognition ModelIRJET- Photo Optical Character Recognition Model
IRJET- Photo Optical Character Recognition Model
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdfInvolute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdfJNTUA
 
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTU
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTUUNIT-2 image enhancement.pdf Image Processing Unit 2 AKTU
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTUankushspencer015
 
SLIDESHARE PPT-DECISION MAKING METHODS.pptx
SLIDESHARE PPT-DECISION MAKING METHODS.pptxSLIDESHARE PPT-DECISION MAKING METHODS.pptx
SLIDESHARE PPT-DECISION MAKING METHODS.pptxCHAIRMAN M
 
21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docxrahulmanepalli02
 
Interfacing Analog to Digital Data Converters ee3404.pdf
Interfacing Analog to Digital Data Converters ee3404.pdfInterfacing Analog to Digital Data Converters ee3404.pdf
Interfacing Analog to Digital Data Converters ee3404.pdfragupathi90
 
21scheme vtu syllabus of visveraya technological university
21scheme vtu syllabus of visveraya technological university21scheme vtu syllabus of visveraya technological university
21scheme vtu syllabus of visveraya technological universityMohd Saifudeen
 
Developing a smart system for infant incubators using the internet of things ...
Developing a smart system for infant incubators using the internet of things ...Developing a smart system for infant incubators using the internet of things ...
Developing a smart system for infant incubators using the internet of things ...IJECEIAES
 
engineering chemistry power point presentation
engineering chemistry  power point presentationengineering chemistry  power point presentation
engineering chemistry power point presentationsj9399037128
 
Software Engineering Practical File Front Pages.pdf
Software Engineering Practical File Front Pages.pdfSoftware Engineering Practical File Front Pages.pdf
Software Engineering Practical File Front Pages.pdfssuser5c9d4b1
 
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...josephjonse
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxMustafa Ahmed
 
UNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptxUNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptxkalpana413121
 
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdf
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdfInstruct Nirmaana 24-Smart and Lean Construction Through Technology.pdf
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdfEr.Sonali Nasikkar
 
Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)Ramkumar k
 
electrical installation and maintenance.
electrical installation and maintenance.electrical installation and maintenance.
electrical installation and maintenance.benjamincojr
 
Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...IJECEIAES
 
Dynamo Scripts for Task IDs and Space Naming.pptx
Dynamo Scripts for Task IDs and Space Naming.pptxDynamo Scripts for Task IDs and Space Naming.pptx
Dynamo Scripts for Task IDs and Space Naming.pptxMustafa Ahmed
 
Filters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsFilters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsMathias Magdowski
 
Final DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manualFinal DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manualBalamuruganV28
 
handbook on reinforce concrete and detailing
handbook on reinforce concrete and detailinghandbook on reinforce concrete and detailing
handbook on reinforce concrete and detailingAshishSingh1301
 

Recently uploaded (20)

Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdfInvolute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
Involute of a circle,Square, pentagon,HexagonInvolute_Engineering Drawing.pdf
 
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTU
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTUUNIT-2 image enhancement.pdf Image Processing Unit 2 AKTU
UNIT-2 image enhancement.pdf Image Processing Unit 2 AKTU
 
SLIDESHARE PPT-DECISION MAKING METHODS.pptx
SLIDESHARE PPT-DECISION MAKING METHODS.pptxSLIDESHARE PPT-DECISION MAKING METHODS.pptx
SLIDESHARE PPT-DECISION MAKING METHODS.pptx
 
21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx21P35A0312 Internship eccccccReport.docx
21P35A0312 Internship eccccccReport.docx
 
Interfacing Analog to Digital Data Converters ee3404.pdf
Interfacing Analog to Digital Data Converters ee3404.pdfInterfacing Analog to Digital Data Converters ee3404.pdf
Interfacing Analog to Digital Data Converters ee3404.pdf
 
21scheme vtu syllabus of visveraya technological university
21scheme vtu syllabus of visveraya technological university21scheme vtu syllabus of visveraya technological university
21scheme vtu syllabus of visveraya technological university
 
Developing a smart system for infant incubators using the internet of things ...
Developing a smart system for infant incubators using the internet of things ...Developing a smart system for infant incubators using the internet of things ...
Developing a smart system for infant incubators using the internet of things ...
 
engineering chemistry power point presentation
engineering chemistry  power point presentationengineering chemistry  power point presentation
engineering chemistry power point presentation
 
Software Engineering Practical File Front Pages.pdf
Software Engineering Practical File Front Pages.pdfSoftware Engineering Practical File Front Pages.pdf
Software Engineering Practical File Front Pages.pdf
 
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
 
Augmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptxAugmented Reality (AR) with Augin Software.pptx
Augmented Reality (AR) with Augin Software.pptx
 
UNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptxUNIT 4 PTRP final Convergence in probability.pptx
UNIT 4 PTRP final Convergence in probability.pptx
 
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdf
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdfInstruct Nirmaana 24-Smart and Lean Construction Through Technology.pdf
Instruct Nirmaana 24-Smart and Lean Construction Through Technology.pdf
 
Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)Theory of Time 2024 (Universal Theory for Everything)
Theory of Time 2024 (Universal Theory for Everything)
 
electrical installation and maintenance.
electrical installation and maintenance.electrical installation and maintenance.
electrical installation and maintenance.
 
Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...Fuzzy logic method-based stress detector with blood pressure and body tempera...
Fuzzy logic method-based stress detector with blood pressure and body tempera...
 
Dynamo Scripts for Task IDs and Space Naming.pptx
Dynamo Scripts for Task IDs and Space Naming.pptxDynamo Scripts for Task IDs and Space Naming.pptx
Dynamo Scripts for Task IDs and Space Naming.pptx
 
Filters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility ApplicationsFilters for Electromagnetic Compatibility Applications
Filters for Electromagnetic Compatibility Applications
 
Final DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manualFinal DBMS Manual (2).pdf final lab manual
Final DBMS Manual (2).pdf final lab manual
 
handbook on reinforce concrete and detailing
handbook on reinforce concrete and detailinghandbook on reinforce concrete and detailing
handbook on reinforce concrete and detailing
 

IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Review Article

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2353 Concepts, Methods and Applications of Neural Style Transfer: A review Article Aayush Kapur B.Tech CSE, Vellore Institute of Technology, Vellore --------------------------------------------------------------------------------***-------------------------------------------------------------------------------- Abstract – This article encompasses the study of the deep image representations learned by Convolutional Neural networks and comment on the applicability for high level image synthesis and manipulation. One such high level problem deals with rendering the content of the image in a style of some different image. We will explore the concept of neural style transfer which has been identified in research papers earlier published. This article serves to provide an intuitive understanding of the same and explore different applications of this technique in a consolidated manner. Further the neural style transfer technique will be applied with different parameters and a survey of the results obtained was conducted. Key Words: Neural style transfer and applications, CNN, Neural art, Style rendering, Image Content separation 1. INTRODUCTION Neural style transferisanoptimisationtechniquethatallows to copy the style from the style image and applyitovertothe content image producing varied and often interesting results. This is a technique outlined in Leon A. Gatys’ paper, A Neural Algorithm of Artistic Style. This functions on the principle of minimising the style loss and content loss in the final output as compared to thestyleandcontentimagesthat is the final output should have the least loss in style in relation to the style image and least loss in content in relation to content image. The final image is first initialised randomly and slowly built over using the loss functions in CNNs. [1] As such the area of art with neural network has been little explored, various approaches for trying to understand what neural networks make of the images fed to them have been tried. However there is still a gap in as to how the computer perceives the abstract concepts such as art and thus it largely points to “how does computer understand creativity or even in future will we be able to generate sufficiently creative machines to give ingenious solutions like we have come to expect from humans?”. Will there ever come a time when we can expect out of the box thinking from machines we have built. This article will provide the implementation of approach where we can separate out the semantic meaning of image from its content and paint a different image. It can be thought of as initial steps on long road to the computational creativity. 2. LITERATURE SURVEY The concept of neural style transfer was introducedbyGatys, L., Ecker, A. and Bethge in their paper titled “A Neural Algorithm of Artistic Style” [1]. They laid the foundation of the method to allow stylistic features of an image to be combined with the content features of another image to create the resultant image. Inspired by the Neural Style transfer paper Li, Wang, Liu and Hou gave a new method of interpretation of neural style transfer by treating it like a domain adaptation problem[2]. It was shown by them theoretically that matching of Gram matrices offeaturemaps is same as minimizing the Max mean discrepancy with the second order polynomial kernel. It was proposed by them that the main idea behind neural styletransferistomatchthe feature distributions between the style images and the generated images. Alex J Champandard in his 2016 paper titled “Semantic Style Transfer and Turning Two-Bit Doodles into Fine Artwork” introduced a novel concept to augment generative architectures with semantic annotations, either by manually authoring pixel labels or usingexistingsolutionsforsemantic segmentation leading to a content aware generative algorithm that offers meaningful control over the outcome. [3] A new technique for data augmentation was proposed by Jackson, Abarghouei, Bonner, Toby Breckon, Obara in their 2018 paper “Style Augmentation: Data Augmentation via Style Randomization”. It allowed to improve the robustness of convolutional neural networks over classification and regression tasks. During training, their style augmentation randomizes texture, contrast and color, while preserving shapeand semantic content.They also investigatedtheeffect of style augmentation on domain transfer tasks and found that data augmentation significantly improves robustness to domain shift. [4] 2.1 gaps identified Those methods were based on the idea of training a network a network by training it on a very amount of data and based on the model formed the input wasclassifiedaccordingtothe model. However, there was not so to say a proper separation and extraction of the style of the data, it was more of finding out the discernible features and distinguishing based on those features.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2354 And even the closest technique to this one namely texture transfer which can also be utilized for style transfer, that approach too works on pixel level only, it seesthedifferences between the images based on the differences in their pixels and concludes the difference in style while in neural style transfer, the difference in style is found out based on the difference in feature spaces which are made after the input image has been understood by the layers in CNN. The other methods utilized along the similar lines of this project have been limited to only very simple complexity use cases. The previous work which tried to separate out style from the content was based only on recognizing numbers/ digits from different hand writings for which a neural network was trained. It involved either simple characters or poses or images or small figures to be recognized. But it was never tried out to understand and separate whole stylistic pattern of a painting. 3. APPLICATIONS OF NEURAL STYLE TRANSFER 1. It uses neural representations to separate and recombine content and style of arbitrary images, providing a neural algorithm for the creation of artistic images. 2. Offers a path forward to an algorithmic understanding of how humans create and perceive artistic imagery. 3. This technique can be extended to data augmentation. Style transfer augmentationisa very exciting data augmentation techniqueforlearninga more diverse set of invariances and for domain transfer. 4. IMPLEMENTATION 4.1 steps followed 1. Build several loss functionsto minimizethelosses 2. Build the custom model with the dataset API 3. Use a model to learn feature maps to describe the content and style representation of our images. 4.Generate an iteratively updation based output image. 5. This iteration based process will be slow, may be try to speed up this process by making an untrained image transformation network. 6. Explore other applications depending feasibility. 7. Do a survey test on the generated results. Figure-1: Flowchart for algorithm source: self drawn 4.2 Algorithm: 1. The network is trained on dataset for different objects (Object detection dataset) or load a pre trained object detection based model for the neural network. 2. The content similarity formulae and style similarity were defined as written below. 3. for content similarity: 3.1 an initial random image was assumed 3.2 using standard error backpropagation, the initial random image was changed over to match the content image. 3.3 this took place by minimizing the content loss. 4. for style similarity: 4.1 the feature maps generated for layer are considered. 4.2 correlation between feature map at different layers is used to make gram matrices. 4.3 the mean squared distance is minimized between the original image gram matrix and the generated image gram matrix till it is within acceptable limits. 5. This leads to two separate components one depicting the content and the other depicting the style of the image, these components are combined using the formulae, by taking a new loss function
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2355 with, alpha being the weight factor for content part of the image beta being the weight factor for style part of the image Figure-2: content similarity where p, x are original and generated images respectively. Figure-3: style similarity Where a is the original image and x is the generated image. Al and Gl are style representations in the layer l. El is the layer wise contribution and Lstyle is the total style loss. For style similarity: For a gram matrix G belonging to R(Nl * Ml) we have Gij as summation of (Fl ik * Fl jk), Utilising the gradient descent for arriving at the resultant image which matchesthestylistic representationoftheinput style image, starting from the white noise based image. Do this by: minimising the mean squared between the entries of the Gram matrix of the original image and the entries of the generated image. 4.3 Explanation of algorithm The neural network has to be trained or a pre-trained model loaded so that the network gets the ability to make sense of what object is there in the image, essentially it will provide the network with the ability of understanding the image meaning to make a mathematical internal representation of the Input image for further processing. The random image was slowly changed over to match the content image based on the responses it generates to a certain layer in the network, till the point the response is not within acceptable limits, using standard error backpropagation the image is modified. Gradient descent is used to arrive at new image from the original white noise image, this new image will match the stylistic representation of theoriginalimage,thestylisticloss is minised by using the gram matrices. 4.4 Complexity analysis (time complexity) dependencies were imported functions were declared The style transfer function is run based on the number of iterations or “num_iter” given by the user, inside the style transfer function for each iteration the code goes over every layer in the model and all the style features for the gram matrices. O(num_iter*model.layers+num_iter*style_features) (space complexity) O(num_iter*width*height) O(num_iter*features*feature_width*feature_height) Figure-4: breaking the image into smaller parts which in turn have their corresponding feature maps source: self drawn 5. RESULTS On running the style transfer with block5_conv2 features for content image and all the 5 layers for style image we get the following output, this has been done with 50 iterations over 5 different sets of input images.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2356 Figure-5: Relationship between the style and content Source: Self drawn Table-1: Output of style transfer with block5_conv2 features No. Input content image Input style image Output image 1 2
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2357 3 4 5 Table-2: content and style feature comparisons Content feature maps Style layers output block1_conv 2 Layer 1 block1_conv 2 Layers 1,2,3
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2358 block1_conv 2 Layers 1,2,3,4, 5 block3_conv 2 Layer 1 block3_conv 2 Layers 1,2,3 block3_conv 2 Layers 1,2,3,4, 5 block5_conv 2 Layer 1 block5_conv 2 Layers 1,2,3 block5_conv 2 Layers 1,2,3,4, 5 (The outputs have been generated over 20 iterations.) 5. INTERPRETATION On changing the feature maps for the content images and for the style images to find out the behaviour of the output image. It was found that the higher layer feature maps for content images help to include the broad level details about the content while the lower layer feature maps include pixel by pixel almost identical information for image reconstruction. In the case of style images including all the five layers leads to better style output images. In order to identify whether human subjects will be able to identify whether the images were produced by machine or think that the images have been made by man, a survey through Google forms was conducted. It led to mixed results with all the images producedbythemachinebeingsuccessful in making humans think otherwise more than 60% of the time. 6. CONCLUSIONS This approach to neural networks has allowed us to understand how we might make the machines perceive the images in a way very similar to our natural visual system. It has shed on the fact that the neural networks can be used intelligently to use the style transfer mechanism overartistic images. This can be extended over to be utilized for other forms of data as well. Another interesting application can be in the field of data augmentation where wemight use style transfer to extend our data set. A very promising work for future in
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 06 | June 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 2359 the field of style transfer can be machine creativity, though such systems are still in conceptual stages. 7. REFERENCES [1] Gatys, L., Ecker, A. and Bethge, M. (2016). A Neural Algorithm of Artistic Style. Journal of Vision, 16(12), p.326. [2] Li, Wang, Liu and Hou, “Demystifying Neural Style Transfer.” ProceedingsoftheTwenty-SixthInternational Joint Conference on Artificial Intelligence, 2017, doi:10.24963/ijcai.2017/310 [3] AlexJChampandard,(2016),SemanticStyleTransferand Turning Two-Bit Doodles into Fine Artwork [4] Jackson, Abarghouei, Bonner, TobyBreckon, Obara, (2018),StyleAugmentation:DataAugmentationviaStyle Randomization [5] Towards Data Science. (2019). Neural Style Transfer Applications: Data Augmentation. [online] Available at: https://towardsdatascience.com/neural-style-transfer- applications-data-augmentation-43d1dc1aeecc [Accessed 8 Apr. 2019]. [6] sunshineatnoon.github.io. https://sunshineatnoon.github.io/posts/2017/05/blog- post-1/ (accessed June 7, 2019). [7] /@purnasaigudikandula. “Artistic Neural Style Transfer with Pytorch.” Medium, Medium, 22 Mar. 2019, medium.com/@purnasaigudikandula/artistic-neural- style-transfer-with-pytorch-1543e08cc38f. [8] /@tensorflow. “Neural Style Transfer: Creating Art with Deep Learning Using Tf.keras and Eager Execution.” Medium, TensorFlow, 27 Sept. 2018, medium.com/tensorflow/neural-style-transfer-creating- art-with-deep-learning-using-tf-keras-and-eager- execution-7d541ac31398. [9] Luan, Fujun, et al. “Deep Photo Style Transfer.” 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2017, doi:10.1109/cvpr.2017.740 [10]Gatys, Leon A., et al. “Image Style Transfer Using ConvolutionalNeuralNetworks.” 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016, doi:10.1109/cvpr.2016.265