SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3986
Image Colorization using Self attention GAN
Amey Narkhede1, Rishikesh Mahajan2, Priya Pacharane3
1,2,3Student, Dept. of Computer Engineering, Pillai HOC College of Engineering and Technology, Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - The problem of coloring of grayscale images is
highly ill posed due to large degrees offreedomavailablewhile
assigning colors. In this paper, we use Deep Learning based
Generative Adversarial Networks to produce one of the
plausible colorization of black and white images. Many of the
recent developments are based on Convolutional Neural
Networks(CNNs) which required large training dataset and
more resources. In this project, we attempt to extend GAN
using self-attention capability to colorize black and white
images that combines both global priors and local image
features. We also suggest efficient training strategies for
better performance. This model works on different types of
images including grayscale images and black and white
images which are hundred years old.
Key Words: Image Colorization, Generative Adversarial
Networks, Self attention
1. INTRODUCTION
Coloring grayscale images automatically has been an active
area of research in machine learning for a long period of
time. This is due to the wide range of applications such color
restoration and image colorization for animations. The aim
of automatic image colorization technology is to
automatically color grayscale images without manual
intervention. In this paper, our aim is not necessarily to
produce the true ground truth color, but rather to create a
plausible colorization of grayscale image that could
potentially trick a human observer. As a result, out task
becomes more feasible:to model sufficient statistical
dependencies between texture of grayscaleimagesandtheir
color versions to produce visually compelling results.
Welsh et al[1] proposed an algorithm that colorized images
through texture synthesis. Colorization of grayscale image
was carried out by matching the luminance and texture
information between the existing color image and the
grayscale image to be colorized. However, this proposed
algorithm was described as a forward problem, hence all
solutions were deterministic. Traditional methods[1],[2],[3]
use reference image to transfer color information to target
grayscale image. Reinhard et al[4] Tai et al[5] proposed the
colorization models based on color transfer by calculating
statics in both input and reference image and constricting
Fig -1: Colorization example. (a) Input grayscale image
obtained from (c). (b) Output colorized image. (c) Original
color image
mapping that map color distribution of reference image to
input grayscale image. However, getting reliable reference
image is not possible for all cases.Some previousworks have
trained convolutional neural networks (CNNs) to predict
color on large datasets [6],[7]. Cheng et al[6] proposed first
fully automatic colorization method conceived as a least
square minimization problem solved by deep neural
networks. A semantic feature descriptor is presented and
supplied as an input to the network. The model extracts
various features and colors the input images in small
patches. However, the results from these previous attempts
tend to look desaturated. One explanation is that [6],[7] use
loss functions that encourage conservative predictions.
These loss functions are derived from standard regression
problems, where the aim is to minimize Euclidean distance
between an estimate and the ground truth. Iizuka el al [8]
use two stream CNN architecture in which global and local
features are fused. Zhang el al [9] use VGG-style single
stream network with additional depth and dilated
convolutions to map grayscale input to quantaized color
value distribution of output.
In this paper, we will explore the method of colorization
using Self-Attention Generative Adversarial Networks
(GANs) proposed by Goodfellow et al [11] which tries to
model the novel loss function. The model is trained on the
ImageNet [17] dataset. The goal of image colorization is to
append colors to a grayscale image such that the colorized
image is perceptually meaningful and visually appealing.
This problem is immanently uncertain since there are
potentially many colors that can be given to the gray pixels
of an grayscale input image (e.g., hair may be colored in
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3987
black, brown, or blonde). Therefore, there is no unique
perfect solution and human involvement often plays an
important role in the colorization process. We have
proposed ColorGAN based on Self Attention GAN [11] for
image colorization task where lightweight U-Net is used as
generator. Our proposed model is trained in unsupervised
fashion without strictly paired data, which minimizes effort
required for data collection.
2. PROPOSED METHOD
2.1 Network Architecture
Self-AttentionGenerativeAdversarialNetworks(SAGAN)[11]
introduced self attention mechanism into conventional
GANs[10]. Self attention mechanism helps create a balance
between efficiency and long-range dependencies. We
proposed SAGAN[11] based approach and modified it to suit
our goal.
Fig -2: Self attention architecture
The generator network G is used to map input grayscale
images to the color images. Specifically Multi-layers
convolutional network U-net[12] isusedasgenerator.TheU-
net[12] is modified to incorporate spectral normalization
[13] and self attention mechanism described by SAGAN [11]
The discriminator network D is just a binary classifier as the
task is relatively simple. The generator images from
generator is given as input to discriminator. We can also
simply use a pre-trained discriminator used for another
image-to-image task(like CycleGAN[15])andfine-tuneit.We
pre-train both generator anddiscriminatorseparatelybefore
training both networks in GAN setting using Two Time-Scale
Update Rule proposed by Heusel et al [16].
2.2 Methodology
We train generator and discriminator separately before
moving towards GAN training. Specifically the generator is
represented by G(z;ΘG)wherezisuniformlydistributednoise
that is passed as input to generator. The discriminator is
represented by D(x;θD) where x is a color image. It gives the
output between 0 and 1 which denotes the probability of
image belonging to training data.
We use U-net [12] which is modified to include self attention
mechanism described by SAGAN [11] and spectral
normalization [13]. Initially we train the generator using
perceptual/feature loss proposed by Johnson et al [14] and
the discriminator as basic binary classifier separately. The
perceptual loss [14] is used to just bias the generator to
reproduce input image.
Then we train generator and discriminator in GAN setting
using Two Time-Scale Update Rule [16]. After small window
of time it is observed that discriminator no longer provides
constructive feedback togenerator.Pastthispointthequality
of generated image oscillates between best you can get at
previously described point and bad(distorted colors). It
appears to be that there is no productive training after this
point.
We can repeat pre-training the discriminator after the initial
GAN training and then repeat the GAN training as previously
described in the same manner. This results in images with
brighter colors but we need to adjust render resolution of
generator as output of generator starts to become
inconsistent.
3. RESULT
We trained generator and discriminator on ImageNet [17]
dataset. We used Adamas optimizer. The initial learningrate
for both generator G and discriminator D are set to 0.0002.
The model was implemented in PyTorch framework and
trained on Nvidia GPU with 11GB of memory.We observed
that in Fig 2. after the inflection point the image quality
oscillates between best and bad.
Fig -3: The loss oscillates between high and low.
Fig -4: Our proposed model performs better than previous
approaches.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3988
3.1 Comparison against several existing methods We compared our results with several existing CNN based
models [8],[9].
Fig -5: (a) Original grayscale images. (b)[8]has achieved good results using custom CNN and paired data but in some cases
in produces distorted colors. (c) CIC [9] produces some unreasonable color artifacts in many cases. (d) Our proposed
model circumvents color artifacts and produces reasonable color images.
3.2 Human subjective evaluation
We performed human subjective comparison between
different models. The test subject was asked which image
look more reasonable and realistic. The final result as shown
in fig(comparison results) show that our model can produce
more realistic and reasonable coloring. It should be noted
that we are aiming to produce one of the many plausible
coloring instead of restoring exact original color.
4. CONCLUSION
We have shown that image colorization with self attention
GAN come closer to produce more plausible and realistic
color photos. We also proposed a new GAN training method
to shorten the effective training time. Our model learns
representations that is also useful for tasks otherthanimage
colorization such that classification and segmentation. This
work can be extended to video colorization.
REFERENCES
[1] Tomihisa Welsh, Michael Ashikhmin, andKlausMueller,
“Transferring color to greyscaleimages”, SIGGRAPH'02:
Proceedings of the 29th annual conferenceonComputer
graphics and interactive techniquesJuly 2002 Pages
277–280.
[2] Raj Kumar Gupta, Alex Yong-Sang Chia, Deepu Rajan, Ee
Sin Ng, and Huang Zhiyong, “Image colorization using
similar images”, Proceedings of the 20th ACM
International Conference on Multimedia, 2012.
[3] Mingming He, Dongdong Chen, Jing Liao, Pedro V.
Sander, and Lu Yuan, “Deep exemplar-based
colorization”, ACM Transactions onGraphics,vol.37,pp.
1–16, 07 2018.
[4] Reinhard E., Ashikhmin M., Gooch B., and Shirley, P.,
“Color transfer between images”, IEEE Computer
Graphics and Applications 21, 5 (sep) 2001, 34–41.
[5] Tai Y., Jia J., and Tang C
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3989
[6] Cheng, Z., Yang, Q., Sheng, B, “Deep colorization”, In:
Proceedings of the IEEE International Conference on
Computer Vision. (2015) 415–423
[7] Dahl, R, “Automatic colorization.”,
http://tinyclouds.org/colorize/. (2016)
[8] Satoshi Iizuka, Edgar Simo-Serra, and Hiroshi Ishikawa,
“Let there be color!: Joint end-to-end learning of global
and local image priors for automatic image colorization
with simultaneous classification”, ACM Transactions on
Graphics, vol. 35, no. 4, pp.1–11, 2016.
[9] Zhang, Richard and Isola, Phillip and Efros, Alexei A,
“Colorful Image Colorization”, European Conference on
Computer Vision, 2016.
[10] Goodfellow, Ian and Pouget-Abadie, Jean and Mirza,
Mehdi and Xu, Bing and Warde-Farley, David and Ozair,
Sherjil and Courville, Aaron and Bengio, Yoshua,
“Generative Adversarial Nets”, Advances in Neural
Information Processing Systems 27, NIPS, Pages 2672-
2680, 2014.
[11] Han Zhang, Ian Goodfellow, Dimitris Metaxas, Augustus
Odena, “Self-Attention Generative Adversarial
Networks”, Proceedings of the 36th International
Conference on Machine Learning, PMLR 97:7354-7363,
2019.
[12] Ronneberger, Olaf and Fischer, Philipp and Brox,
Thomas, “U-net: Convolutional networks forbiomedical
image segmentation”, International Conference on
Medical image computing and computer-assisted
intervention,234--241, 2015, Springer.
[13] Takeru Miyato and Toshiki Kataoka and Masanori
Koyama and Yuichi Yoshida, “Spectral Normalizationfor
Generative Adversarial Networks”, International
Conference on Learning Representations, 2018.
[14] Johnson, Justin and Alahi, Alexandre and Fei-Fei, Li,
“Perceptual losses forreal-timestyletransferandsuper-
resolution”, European Conference on Computer Vision,
2016.
[15] Zhu, Jun-Yan and Park, Taesung and Isola, Phillip and
Efros, Alexei A, “Unpaired Image-to-Image Translation
using Cycle-Consistent Adversarial Networks”,
Computer Vision (ICCV), 2017 IEEE International
Conference on Computer Vision, 2017.
[16] Martin Heusel, Hubert Ramsauer, Thomas Unterthiner,
Bernhard Nessler, Sepp Hochreiter, “GANs Trained by a
Two Time-Scale Update Rule Converge to a Local Nash
Equilibrium”, Advances in Neural Information
Processing Systems 30 (NIPS 2017).
[17] Deng, J. and Dong, W. and Socher, R. and Li, L.-J.andLi,K.
and Fei-Fei, L., “ImageNet: A Large-Scale Hierarchical
Image Database”, Conference on Computer Vision and
Pattern Recognition, 2009.

More Related Content

What's hot

IRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-SegmentationIRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-Segmentation
IRJET Journal
 
Document Recovery From Degraded Images
Document Recovery From Degraded ImagesDocument Recovery From Degraded Images
Document Recovery From Degraded Images
IRJET Journal
 
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORKIMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
aciijournal
 
Comparison of thresholding methods
Comparison of thresholding methodsComparison of thresholding methods
Comparison of thresholding methods
Vrushali Lanjewar
 
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
IRJET Journal
 
IRJET - Vehicle Classification with Time-Frequency Domain Features using ...
IRJET -  	  Vehicle Classification with Time-Frequency Domain Features using ...IRJET -  	  Vehicle Classification with Time-Frequency Domain Features using ...
IRJET - Vehicle Classification with Time-Frequency Domain Features using ...
IRJET Journal
 
Appearance based face recognition by pca and lda
Appearance based face recognition by pca and ldaAppearance based face recognition by pca and lda
Appearance based face recognition by pca and lda
IAEME Publication
 
Comparative Study and Analysis of Image Inpainting Techniques
Comparative Study and Analysis of Image Inpainting TechniquesComparative Study and Analysis of Image Inpainting Techniques
Comparative Study and Analysis of Image Inpainting Techniques
IOSR Journals
 
Quality Prediction in Fingerprint Compression
Quality Prediction in Fingerprint CompressionQuality Prediction in Fingerprint Compression
Quality Prediction in Fingerprint Compression
IJTET Journal
 
IRJET- Coloring Greyscale Images using Deep Learning
IRJET- Coloring Greyscale Images using Deep LearningIRJET- Coloring Greyscale Images using Deep Learning
IRJET- Coloring Greyscale Images using Deep Learning
IRJET Journal
 
IRJET- A Study of Generative Adversarial Networks in 3D Modelling
IRJET- A Study of Generative Adversarial Networks in 3D ModellingIRJET- A Study of Generative Adversarial Networks in 3D Modelling
IRJET- A Study of Generative Adversarial Networks in 3D Modelling
IRJET Journal
 
VHDL Design for Image Segmentation using Gabor filter for Disease Detection
VHDL Design for Image Segmentation using Gabor filter for Disease DetectionVHDL Design for Image Segmentation using Gabor filter for Disease Detection
VHDL Design for Image Segmentation using Gabor filter for Disease Detection
VLSICS Design
 
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
CSCJournals
 
Image Fusion Ehancement using DT-CWT Technique
Image Fusion Ehancement using DT-CWT TechniqueImage Fusion Ehancement using DT-CWT Technique
Image Fusion Ehancement using DT-CWT Technique
IRJET Journal
 
530 535
530 535530 535
A0540106
A0540106A0540106
A0540106
IOSR Journals
 
A Novel Approach to Image Denoising and Image in Painting
A Novel Approach to Image Denoising and Image in PaintingA Novel Approach to Image Denoising and Image in Painting
A Novel Approach to Image Denoising and Image in Painting
Eswar Publications
 
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET-  	  Concepts, Methods and Applications of Neural Style Transfer: A Rev...IRJET-  	  Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET Journal
 
Digital Image Processing
Digital Image ProcessingDigital Image Processing
Digital Image Processing
Ankur Nanda
 

What's hot (19)

IRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-SegmentationIRJET- Saliency based Image Co-Segmentation
IRJET- Saliency based Image Co-Segmentation
 
Document Recovery From Degraded Images
Document Recovery From Degraded ImagesDocument Recovery From Degraded Images
Document Recovery From Degraded Images
 
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORKIMAGE DE-NOISING USING DEEP NEURAL NETWORK
IMAGE DE-NOISING USING DEEP NEURAL NETWORK
 
Comparison of thresholding methods
Comparison of thresholding methodsComparison of thresholding methods
Comparison of thresholding methods
 
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
Qualitative Analysis of Optical Interleave Division Multiple Access using Spe...
 
IRJET - Vehicle Classification with Time-Frequency Domain Features using ...
IRJET -  	  Vehicle Classification with Time-Frequency Domain Features using ...IRJET -  	  Vehicle Classification with Time-Frequency Domain Features using ...
IRJET - Vehicle Classification with Time-Frequency Domain Features using ...
 
Appearance based face recognition by pca and lda
Appearance based face recognition by pca and ldaAppearance based face recognition by pca and lda
Appearance based face recognition by pca and lda
 
Comparative Study and Analysis of Image Inpainting Techniques
Comparative Study and Analysis of Image Inpainting TechniquesComparative Study and Analysis of Image Inpainting Techniques
Comparative Study and Analysis of Image Inpainting Techniques
 
Quality Prediction in Fingerprint Compression
Quality Prediction in Fingerprint CompressionQuality Prediction in Fingerprint Compression
Quality Prediction in Fingerprint Compression
 
IRJET- Coloring Greyscale Images using Deep Learning
IRJET- Coloring Greyscale Images using Deep LearningIRJET- Coloring Greyscale Images using Deep Learning
IRJET- Coloring Greyscale Images using Deep Learning
 
IRJET- A Study of Generative Adversarial Networks in 3D Modelling
IRJET- A Study of Generative Adversarial Networks in 3D ModellingIRJET- A Study of Generative Adversarial Networks in 3D Modelling
IRJET- A Study of Generative Adversarial Networks in 3D Modelling
 
VHDL Design for Image Segmentation using Gabor filter for Disease Detection
VHDL Design for Image Segmentation using Gabor filter for Disease DetectionVHDL Design for Image Segmentation using Gabor filter for Disease Detection
VHDL Design for Image Segmentation using Gabor filter for Disease Detection
 
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
Comprehensive Performance Comparison of Cosine, Walsh, Haar, Kekre, Sine, Sla...
 
Image Fusion Ehancement using DT-CWT Technique
Image Fusion Ehancement using DT-CWT TechniqueImage Fusion Ehancement using DT-CWT Technique
Image Fusion Ehancement using DT-CWT Technique
 
530 535
530 535530 535
530 535
 
A0540106
A0540106A0540106
A0540106
 
A Novel Approach to Image Denoising and Image in Painting
A Novel Approach to Image Denoising and Image in PaintingA Novel Approach to Image Denoising and Image in Painting
A Novel Approach to Image Denoising and Image in Painting
 
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET-  	  Concepts, Methods and Applications of Neural Style Transfer: A Rev...IRJET-  	  Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
 
Digital Image Processing
Digital Image ProcessingDigital Image Processing
Digital Image Processing
 

Similar to IRJET - mage Colorization using Self Attention GAN

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
 
Unpaired Image Translations Using GANs: A Review
Unpaired Image Translations Using GANs: A ReviewUnpaired Image Translations Using GANs: A Review
Unpaired Image Translations Using GANs: A Review
IRJET Journal
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET Journal
 
IRJET- Crop Pest Detection and Classification by K-Means and EM Clustering
IRJET-  	  Crop Pest Detection and Classification by K-Means and EM ClusteringIRJET-  	  Crop Pest Detection and Classification by K-Means and EM Clustering
IRJET- Crop Pest Detection and Classification by K-Means and EM Clustering
IRJET Journal
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
IRJET Journal
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
IRJET Journal
 
Application of Digital Image Correlation: A Review
Application of Digital Image Correlation: A ReviewApplication of Digital Image Correlation: A Review
Application of Digital Image Correlation: A Review
IRJET Journal
 
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET Journal
 
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET Journal
 
IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
 IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
IRJET Journal
 
IRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
IRJET- Handwritten Decimal Image Compression using Deep Stacked AutoencoderIRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
IRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
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 System
IRJET Journal
 
Visual Cryptography using Image Thresholding
Visual Cryptography using Image ThresholdingVisual Cryptography using Image Thresholding
Visual Cryptography using Image Thresholding
IRJET Journal
 
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVDIRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET Journal
 
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET-  	  Contrast Enhancement of Grey Level and Color Image using DWT and SVDIRJET-  	  Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET Journal
 
Reversible Encrypytion and Information Concealment
Reversible Encrypytion and Information ConcealmentReversible Encrypytion and Information Concealment
Reversible Encrypytion and Information Concealment
IJERA Editor
 
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
IRJET Journal
 
Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322
Editor IJARCET
 
Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322
Editor IJARCET
 
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
IRJET Journal
 

Similar to IRJET - mage Colorization using Self Attention GAN (20)

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...
 
Unpaired Image Translations Using GANs: A Review
Unpaired Image Translations Using GANs: A ReviewUnpaired Image Translations Using GANs: A Review
Unpaired Image Translations Using GANs: A Review
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
 
IRJET- Crop Pest Detection and Classification by K-Means and EM Clustering
IRJET-  	  Crop Pest Detection and Classification by K-Means and EM ClusteringIRJET-  	  Crop Pest Detection and Classification by K-Means and EM Clustering
IRJET- Crop Pest Detection and Classification by K-Means and EM Clustering
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
 
Application of Digital Image Correlation: A Review
Application of Digital Image Correlation: A ReviewApplication of Digital Image Correlation: A Review
Application of Digital Image Correlation: A Review
 
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural Network
 
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
IRJET- Transformation of Realistic Images and Videos into Cartoon Images and ...
 
IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
 IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
IRJET - Wavelet based Image Fusion using FPGA for Biomedical Application
 
IRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
IRJET- Handwritten Decimal Image Compression using Deep Stacked AutoencoderIRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
IRJET- Handwritten Decimal Image Compression using Deep Stacked Autoencoder
 
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
 
Visual Cryptography using Image Thresholding
Visual Cryptography using Image ThresholdingVisual Cryptography using Image Thresholding
Visual Cryptography using Image Thresholding
 
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVDIRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
 
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET-  	  Contrast Enhancement of Grey Level and Color Image using DWT and SVDIRJET-  	  Contrast Enhancement of Grey Level and Color Image using DWT and SVD
IRJET- Contrast Enhancement of Grey Level and Color Image using DWT and SVD
 
Reversible Encrypytion and Information Concealment
Reversible Encrypytion and Information ConcealmentReversible Encrypytion and Information Concealment
Reversible Encrypytion and Information Concealment
 
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
IRJET- An Approach to FPGA based Implementation of Image Mosaicing using Neur...
 
Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322
 
Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322Ijarcet vol-2-issue-7-2319-2322
Ijarcet vol-2-issue-7-2319-2322
 
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
IRJET - Symmetric Image Registration based on Intensity and Spatial Informati...
 

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 STRUCTURE
IRJET 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 Characteristics
IRJET 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 ADAS
IRJET 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 Pro
IRJET 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 System
IRJET 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 bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET 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 Design
IRJET 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

Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball playEric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
enizeyimana36
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
JamalHussainArman
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
SUTEJAS
 
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdfIron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
RadiNasr
 
New techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdfNew techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdf
wisnuprabawa3
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
NidhalKahouli2
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
Victor Morales
 
官方认证美国密歇根州立大学毕业证学位证书原版一模一样
官方认证美国密歇根州立大学毕业证学位证书原版一模一样官方认证美国密歇根州立大学毕业证学位证书原版一模一样
官方认证美国密歇根州立大学毕业证学位证书原版一模一样
171ticu
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
mahammadsalmanmech
 
International Conference on NLP, Artificial Intelligence, Machine Learning an...
International Conference on NLP, Artificial Intelligence, Machine Learning an...International Conference on NLP, Artificial Intelligence, Machine Learning an...
International Conference on NLP, Artificial Intelligence, Machine Learning an...
gerogepatton
 
学校原版美国波士顿大学毕业证学历学位证书原版一模一样
学校原版美国波士顿大学毕业证学历学位证书原版一模一样学校原版美国波士顿大学毕业证学历学位证书原版一模一样
学校原版美国波士顿大学毕业证学历学位证书原版一模一样
171ticu
 
Casting-Defect-inSlab continuous casting.pdf
Casting-Defect-inSlab continuous casting.pdfCasting-Defect-inSlab continuous casting.pdf
Casting-Defect-inSlab continuous casting.pdf
zubairahmad848137
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
KrishnaveniKrishnara1
 
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Sinan KOZAK
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
Yasser Mahgoub
 
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECTCHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
jpsjournal1
 
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.pptUnit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
KrishnaveniKrishnara1
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
camseq
 
Computational Engineering IITH Presentation
Computational Engineering IITH PresentationComputational Engineering IITH Presentation
Computational Engineering IITH Presentation
co23btech11018
 
A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
nooriasukmaningtyas
 

Recently uploaded (20)

Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball playEric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
Eric Nizeyimana's document 2006 from gicumbi to ttc nyamata handball play
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
 
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdfIron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
Iron and Steel Technology Roadmap - Towards more sustainable steelmaking.pdf
 
New techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdfNew techniques for characterising damage in rock slopes.pdf
New techniques for characterising damage in rock slopes.pdf
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
 
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressionsKuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
KuberTENes Birthday Bash Guadalajara - K8sGPT first impressions
 
官方认证美国密歇根州立大学毕业证学位证书原版一模一样
官方认证美国密歇根州立大学毕业证学位证书原版一模一样官方认证美国密歇根州立大学毕业证学位证书原版一模一样
官方认证美国密歇根州立大学毕业证学位证书原版一模一样
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
 
International Conference on NLP, Artificial Intelligence, Machine Learning an...
International Conference on NLP, Artificial Intelligence, Machine Learning an...International Conference on NLP, Artificial Intelligence, Machine Learning an...
International Conference on NLP, Artificial Intelligence, Machine Learning an...
 
学校原版美国波士顿大学毕业证学历学位证书原版一模一样
学校原版美国波士顿大学毕业证学历学位证书原版一模一样学校原版美国波士顿大学毕业证学历学位证书原版一模一样
学校原版美国波士顿大学毕业证学历学位证书原版一模一样
 
Casting-Defect-inSlab continuous casting.pdf
Casting-Defect-inSlab continuous casting.pdfCasting-Defect-inSlab continuous casting.pdf
Casting-Defect-inSlab continuous casting.pdf
 
22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt22CYT12-Unit-V-E Waste and its Management.ppt
22CYT12-Unit-V-E Waste and its Management.ppt
 
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
Optimizing Gradle Builds - Gradle DPE Tour Berlin 2024
 
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
2008 BUILDING CONSTRUCTION Illustrated - Ching Chapter 02 The Building.pdf
 
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECTCHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
 
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.pptUnit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
Unit-III-ELECTROCHEMICAL STORAGE DEVICES.ppt
 
Modelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdfModelagem de um CSTR com reação endotermica.pdf
Modelagem de um CSTR com reação endotermica.pdf
 
Computational Engineering IITH Presentation
Computational Engineering IITH PresentationComputational Engineering IITH Presentation
Computational Engineering IITH Presentation
 
A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...A review on techniques and modelling methodologies used for checking electrom...
A review on techniques and modelling methodologies used for checking electrom...
 

IRJET - mage Colorization using Self Attention GAN

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3986 Image Colorization using Self attention GAN Amey Narkhede1, Rishikesh Mahajan2, Priya Pacharane3 1,2,3Student, Dept. of Computer Engineering, Pillai HOC College of Engineering and Technology, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - The problem of coloring of grayscale images is highly ill posed due to large degrees offreedomavailablewhile assigning colors. In this paper, we use Deep Learning based Generative Adversarial Networks to produce one of the plausible colorization of black and white images. Many of the recent developments are based on Convolutional Neural Networks(CNNs) which required large training dataset and more resources. In this project, we attempt to extend GAN using self-attention capability to colorize black and white images that combines both global priors and local image features. We also suggest efficient training strategies for better performance. This model works on different types of images including grayscale images and black and white images which are hundred years old. Key Words: Image Colorization, Generative Adversarial Networks, Self attention 1. INTRODUCTION Coloring grayscale images automatically has been an active area of research in machine learning for a long period of time. This is due to the wide range of applications such color restoration and image colorization for animations. The aim of automatic image colorization technology is to automatically color grayscale images without manual intervention. In this paper, our aim is not necessarily to produce the true ground truth color, but rather to create a plausible colorization of grayscale image that could potentially trick a human observer. As a result, out task becomes more feasible:to model sufficient statistical dependencies between texture of grayscaleimagesandtheir color versions to produce visually compelling results. Welsh et al[1] proposed an algorithm that colorized images through texture synthesis. Colorization of grayscale image was carried out by matching the luminance and texture information between the existing color image and the grayscale image to be colorized. However, this proposed algorithm was described as a forward problem, hence all solutions were deterministic. Traditional methods[1],[2],[3] use reference image to transfer color information to target grayscale image. Reinhard et al[4] Tai et al[5] proposed the colorization models based on color transfer by calculating statics in both input and reference image and constricting Fig -1: Colorization example. (a) Input grayscale image obtained from (c). (b) Output colorized image. (c) Original color image mapping that map color distribution of reference image to input grayscale image. However, getting reliable reference image is not possible for all cases.Some previousworks have trained convolutional neural networks (CNNs) to predict color on large datasets [6],[7]. Cheng et al[6] proposed first fully automatic colorization method conceived as a least square minimization problem solved by deep neural networks. A semantic feature descriptor is presented and supplied as an input to the network. The model extracts various features and colors the input images in small patches. However, the results from these previous attempts tend to look desaturated. One explanation is that [6],[7] use loss functions that encourage conservative predictions. These loss functions are derived from standard regression problems, where the aim is to minimize Euclidean distance between an estimate and the ground truth. Iizuka el al [8] use two stream CNN architecture in which global and local features are fused. Zhang el al [9] use VGG-style single stream network with additional depth and dilated convolutions to map grayscale input to quantaized color value distribution of output. In this paper, we will explore the method of colorization using Self-Attention Generative Adversarial Networks (GANs) proposed by Goodfellow et al [11] which tries to model the novel loss function. The model is trained on the ImageNet [17] dataset. The goal of image colorization is to append colors to a grayscale image such that the colorized image is perceptually meaningful and visually appealing. This problem is immanently uncertain since there are potentially many colors that can be given to the gray pixels of an grayscale input image (e.g., hair may be colored in
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3987 black, brown, or blonde). Therefore, there is no unique perfect solution and human involvement often plays an important role in the colorization process. We have proposed ColorGAN based on Self Attention GAN [11] for image colorization task where lightweight U-Net is used as generator. Our proposed model is trained in unsupervised fashion without strictly paired data, which minimizes effort required for data collection. 2. PROPOSED METHOD 2.1 Network Architecture Self-AttentionGenerativeAdversarialNetworks(SAGAN)[11] introduced self attention mechanism into conventional GANs[10]. Self attention mechanism helps create a balance between efficiency and long-range dependencies. We proposed SAGAN[11] based approach and modified it to suit our goal. Fig -2: Self attention architecture The generator network G is used to map input grayscale images to the color images. Specifically Multi-layers convolutional network U-net[12] isusedasgenerator.TheU- net[12] is modified to incorporate spectral normalization [13] and self attention mechanism described by SAGAN [11] The discriminator network D is just a binary classifier as the task is relatively simple. The generator images from generator is given as input to discriminator. We can also simply use a pre-trained discriminator used for another image-to-image task(like CycleGAN[15])andfine-tuneit.We pre-train both generator anddiscriminatorseparatelybefore training both networks in GAN setting using Two Time-Scale Update Rule proposed by Heusel et al [16]. 2.2 Methodology We train generator and discriminator separately before moving towards GAN training. Specifically the generator is represented by G(z;ΘG)wherezisuniformlydistributednoise that is passed as input to generator. The discriminator is represented by D(x;θD) where x is a color image. It gives the output between 0 and 1 which denotes the probability of image belonging to training data. We use U-net [12] which is modified to include self attention mechanism described by SAGAN [11] and spectral normalization [13]. Initially we train the generator using perceptual/feature loss proposed by Johnson et al [14] and the discriminator as basic binary classifier separately. The perceptual loss [14] is used to just bias the generator to reproduce input image. Then we train generator and discriminator in GAN setting using Two Time-Scale Update Rule [16]. After small window of time it is observed that discriminator no longer provides constructive feedback togenerator.Pastthispointthequality of generated image oscillates between best you can get at previously described point and bad(distorted colors). It appears to be that there is no productive training after this point. We can repeat pre-training the discriminator after the initial GAN training and then repeat the GAN training as previously described in the same manner. This results in images with brighter colors but we need to adjust render resolution of generator as output of generator starts to become inconsistent. 3. RESULT We trained generator and discriminator on ImageNet [17] dataset. We used Adamas optimizer. The initial learningrate for both generator G and discriminator D are set to 0.0002. The model was implemented in PyTorch framework and trained on Nvidia GPU with 11GB of memory.We observed that in Fig 2. after the inflection point the image quality oscillates between best and bad. Fig -3: The loss oscillates between high and low. Fig -4: Our proposed model performs better than previous approaches.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3988 3.1 Comparison against several existing methods We compared our results with several existing CNN based models [8],[9]. Fig -5: (a) Original grayscale images. (b)[8]has achieved good results using custom CNN and paired data but in some cases in produces distorted colors. (c) CIC [9] produces some unreasonable color artifacts in many cases. (d) Our proposed model circumvents color artifacts and produces reasonable color images. 3.2 Human subjective evaluation We performed human subjective comparison between different models. The test subject was asked which image look more reasonable and realistic. The final result as shown in fig(comparison results) show that our model can produce more realistic and reasonable coloring. It should be noted that we are aiming to produce one of the many plausible coloring instead of restoring exact original color. 4. CONCLUSION We have shown that image colorization with self attention GAN come closer to produce more plausible and realistic color photos. We also proposed a new GAN training method to shorten the effective training time. Our model learns representations that is also useful for tasks otherthanimage colorization such that classification and segmentation. This work can be extended to video colorization. REFERENCES [1] Tomihisa Welsh, Michael Ashikhmin, andKlausMueller, “Transferring color to greyscaleimages”, SIGGRAPH'02: Proceedings of the 29th annual conferenceonComputer graphics and interactive techniquesJuly 2002 Pages 277–280. [2] Raj Kumar Gupta, Alex Yong-Sang Chia, Deepu Rajan, Ee Sin Ng, and Huang Zhiyong, “Image colorization using similar images”, Proceedings of the 20th ACM International Conference on Multimedia, 2012. [3] Mingming He, Dongdong Chen, Jing Liao, Pedro V. Sander, and Lu Yuan, “Deep exemplar-based colorization”, ACM Transactions onGraphics,vol.37,pp. 1–16, 07 2018. [4] Reinhard E., Ashikhmin M., Gooch B., and Shirley, P., “Color transfer between images”, IEEE Computer Graphics and Applications 21, 5 (sep) 2001, 34–41. [5] Tai Y., Jia J., and Tang C
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3989 [6] Cheng, Z., Yang, Q., Sheng, B, “Deep colorization”, In: Proceedings of the IEEE International Conference on Computer Vision. (2015) 415–423 [7] Dahl, R, “Automatic colorization.”, http://tinyclouds.org/colorize/. (2016) [8] Satoshi Iizuka, Edgar Simo-Serra, and Hiroshi Ishikawa, “Let there be color!: Joint end-to-end learning of global and local image priors for automatic image colorization with simultaneous classification”, ACM Transactions on Graphics, vol. 35, no. 4, pp.1–11, 2016. [9] Zhang, Richard and Isola, Phillip and Efros, Alexei A, “Colorful Image Colorization”, European Conference on Computer Vision, 2016. [10] Goodfellow, Ian and Pouget-Abadie, Jean and Mirza, Mehdi and Xu, Bing and Warde-Farley, David and Ozair, Sherjil and Courville, Aaron and Bengio, Yoshua, “Generative Adversarial Nets”, Advances in Neural Information Processing Systems 27, NIPS, Pages 2672- 2680, 2014. [11] Han Zhang, Ian Goodfellow, Dimitris Metaxas, Augustus Odena, “Self-Attention Generative Adversarial Networks”, Proceedings of the 36th International Conference on Machine Learning, PMLR 97:7354-7363, 2019. [12] Ronneberger, Olaf and Fischer, Philipp and Brox, Thomas, “U-net: Convolutional networks forbiomedical image segmentation”, International Conference on Medical image computing and computer-assisted intervention,234--241, 2015, Springer. [13] Takeru Miyato and Toshiki Kataoka and Masanori Koyama and Yuichi Yoshida, “Spectral Normalizationfor Generative Adversarial Networks”, International Conference on Learning Representations, 2018. [14] Johnson, Justin and Alahi, Alexandre and Fei-Fei, Li, “Perceptual losses forreal-timestyletransferandsuper- resolution”, European Conference on Computer Vision, 2016. [15] Zhu, Jun-Yan and Park, Taesung and Isola, Phillip and Efros, Alexei A, “Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks”, Computer Vision (ICCV), 2017 IEEE International Conference on Computer Vision, 2017. [16] Martin Heusel, Hubert Ramsauer, Thomas Unterthiner, Bernhard Nessler, Sepp Hochreiter, “GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium”, Advances in Neural Information Processing Systems 30 (NIPS 2017). [17] Deng, J. and Dong, W. and Socher, R. and Li, L.-J.andLi,K. and Fei-Fei, L., “ImageNet: A Large-Scale Hierarchical Image Database”, Conference on Computer Vision and Pattern Recognition, 2009.