SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 886
GENERATING 3D MODELS USING 3D GENERATIVE ADVERSARIAL
NETWORK
1 Pranav Gandhi, 2 Adarsh Shaw, 3Emil Eji,4 Steffina Muthukumar
1,2,3Student, 4Assistant Professor
Computer Science & Engineering,
SRM Institute of Science and Technology,Chennai.
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract: In recent years there is an increase in solving the
problems which combines Computer vision and Natural
Language processing. There has been new algorithm
developed to solve these problems. 3D Model Generationisone
such problem which fall in the computer vision category. In
this paper we are studying the difficulties of generating a 3D
object. For this we present a simple framework of 3D
Generative-Adversarial-Network(3D-GAN) which produces 3
Dimensional structure from a latent vector by using the
modern advancement in convolution networks. Our model is
maps the low dimensional space to 3d space. So that it can
sample objects without needing to reference a model created
on Computer Aided Design Software. Our model learns these
features without any supervision and can generates high
quality models.
IndexTerms – Generative Adversarial Network, 3D
Convolution, Unsupervised learning.
I. Introduction
3D shapeawareness is an oldprobleminComputervision
which is not yet completely solved by the community.Alarge
amount of work focus on 3D reconstruction. The maingoalof
the computer vision research is to figure out how the human
system accomplishes such task. For example,askingaperson
to “think of violet cat”, the person will have no problem
imagining a violet cat. He will have a clear image of that cat,
without having seen it before. Generative AI is Growing Fast
will help computers understand the world better.
Creating a 3D model is a complex and a time consuming
task. This is a big problem in game industry, interior
designing and CAD modeling for engineering. In the past
decade, researcher have made astonishing progress in 3D
object creation, mostly based on the meshes.
Recently, due to improvement in computing hardware.
The sector of deep learn has advanced and the spring up of
large dataset like ShapeNet has made it possible to train
complicated model which has greatly outperformedallother
algorithms. The older method of generationbasedonmeshes
was challenging due to the high dimensionality of the
problem.
Earlier works suggest that it’s possible to generated 3D
objects with one image and convolution neural networks. In
this paper, we show modeling 3D objects in adversarial
manner can be a effective solution as it can have both
properties of good generative model variation and realistic.
Our model uses volumetric convolutional network. Slightly
different from the traditional convolutional network. The
trainingcriteria also differsas an adversarialdiscriminatoris
introduced to identify whether the generated objectisrealor
fake. The purpose of this paper is to make the voxel based 3d
model generation simpler. And to see how significant is the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 887
trade between the learning speed and the resolution of the
object.
Modeling 3D object in GAN structure offers addition
advantage as the variation in the generated model increases
without trading off the realism of the object. We demostrate
that our model can be used for generatinghighlydetailedand
realistic model and the discriminator can be used for 3D
object recognition.
II. LITERATURE SURVEY
2.1 3D Shape Completion and Isometric view 3D
Reconstruction: In general 3D shape reconstruction is a
narrowed down problem and a special case of 3d object
generation. Classic 3D shapereconstruction approachcanbe
classified into symmetry based method and data analysis
method. The data driven method approaches the shape
finalization problem as retrieval and alignment problem. In
general, data driven method approaches are will only work
by assuming the features about the data category.
2.2 Modeling and generating 3D shapes: 3D object
generation is a difficult problem in vision and computer
graphics. In the past, AI andcomputer vision researcherhave
made astonishingattemptstolearn3Dobjectsrepresentation
largely based on skeleton andmeshes. Mostofthealgorithms
are nonparametricandrecombinespartsofshapestocreatea
new shape.
2.3 Deep learning on 3D data: The computer vision
community has seenarapidimprovementofneuralnetworks
in various task. In the task of 3D model recognition Li et al.
[2015], Su et al. [2015b], Girdhar et al. [2016] propose to
learn a joint inlay of 3d object and generated images. Most of
the framework are trained with full or partial supervision
compared to ours which is unsupervised.
2.4 Learning with Adversarial net: Generative
adversarial network proposed to incorporate an adversarial
discriminator with the generating model. Recently LAPGAN
and DCGAN combined GAN with convolutional neural
network for image generation problem and achieve
outstanding results. While all the previous approaches were
for 2D images we used adversarial component for the 3D
objects.
2.4. Kullback-leibler divergence: It is also known as
relative entropy. It is a method to identify the relation
between two probability distribution p(x) and q(x). It
measures how one distribution diverges from the other.
(2.4)
If the KL divergence is zero, it means that p(x) is same as
q(x) at every other point.
2.5. Nash equilibrium: This concept comes from the
game theory. It is a particular state in gametheory which can
be achieve d in a non-cooperative game where the player
chooses the best possible strategy for themselves to get the
best possible result for them. The decision is based on
strategy to maximize the profit for that player.
III. PROPOSED SYSTEM
In this section we present our proposed architecture and
the approach for 3D Generative adversarial network-based
3D model generator.Ourproposedsystemusesthesimplified
volumetric pixel insteadofthehigherdimensionalmeshdata.
By using the recent advancement in GANs the frame work is
able to map the 3D space intoa low dimensionallatentspace.
Our 3D Generative Adversarial Network takes advantage of
3D convolution networkand generativeadversarialnetwork.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 888
3.1. 3D Convolution: 3D convolution is similar to the
traditional convolution except operationsapplya 3Dfilterto
input data along all three dimensions. This operation makes
a 3 stack of features maps. The shape of the output is a
cuboid.
(3.1)
3.2. 3D GenerativeAdversarialNetwork:Asproposed
in Goodfellow etal.[2014], the Generative Adversarial
Network (GAN) consists of a discriminator and a generator
where the prior tries to identify fake object and the real
object, and the generator tries of fool the discriminator. In
our 3D-Generative Adversarial Network(3D-GAN), the
generator maps the two hundred dimensional noise
randomly sampled to a 64x64x64 cube, representationof an
object in a voxel space which are volumetric pixel.
Discriminator gives the probability if the input object is real
or the fake.
Same as the Goodfellow etal.[2014], we use the binary cross
entropy as the discriminator loss, and present overall model
loss as:
(3.2)
where x is a real object sample and z is the noise sample
from random distribution. In each dimensionzisdistributed
over the interval of [0,1].
The advantage of our system is that it is unsupervised there
is no assistance in training and all the data isnotlabeled.The
model learns the density distribution of the data. So, it
creates the internal representation of the messy and
complicated distribution.
IV. NETWORK Architecture
Motivated by Radford et al. [2016], we designed a
deconvolution neural network for 3d object generation. The
generator network consists of fivevolumetricdeconvolution
layer of filter size 4x4x4 and stride of 2 with batch
normalization and leaky ReLU layersandattheendthere isa
sigmoid layer. The discriminator is essentially an inverted
form of the generator except it uses volumetric convolution
layers there is no pooling layer in the network.
4.1. Training Process: There is a simple trainingprocess.
It is to update both network in every batch, but like this the
discriminator learns much faster than thegeneratorandthis
make the discriminator much better than the generator
much faster and generator is not able to keep up with the
pace. So, discriminator is only trained on every other mini-
batch and generator is trained on all mini-batch and the
learning rate of the generator is much higher than thatofthe
discriminator. We are using the Adam optimizer for boththe
discriminator and generator.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 889
(4.1)
4.2. Loss Function: Since we are trying to generate a
model that is realistic and it is supervised by the
discriminator which judge the generator. So, here we can
apply the Nash equilibrium where we want the loss of
discriminator to maximize andlossofgenerator tominimize.
And combining the binary cross entropy loss with Nash
equilibrium we get the following equation
(4.2)
Where D is the discriminator and G is the generator p(x) is
real data distribution and p(z) is the fake data distribution.
V. RESULT
The proposed model was trained on the 3DShapeNet
dataset. After training the model we evaluate the result of
generated objects. Astonishingly, the model not only can
generate new objects but also combine differentstylesof the
object to produce a new realistic object for example
combining a Victorian style chair and a modern chair it
production new chair with both traits. Since there is no
accuracy for the generator network it is evaluated by
comparing it against how well it does against the
discriminator which has an accuracy matrix as it only
classifies between fake and real object. The training is very
unstable, but compared to previous works on 3D GANs our
model generates both high resolution object with details.
Note it is easier to generate low resolutionobjectscompared
to higher resolution as the complexity increases
exponentially. One of the major concern for the generator is
that if it is just recreating the models in the training set. So,
we compared the voxel position of generated model with
training model using distance formula and the result show a
similarity between object but they are the identical. This
proves that the generator is not just retrieving a random
model from the training set and giving it as the output.
(5.0)
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 890
VI. CONCLUSION
In this paper we have developed a 3D object generation
model and a 3d object recognition model. The 3d object
recognition models isutilize toimprovethegeneratormodel.
Our model was able to generate novel objects and both of
our network learned without any supervision and the
discriminator was used to create a low dimensional feature
representation of the object which help us explore the latent
space of the object representation and object interpolation.
VII. FUTURE WORKS
In this paper we have shown the proof of concept as the
model performed phenomenal well. This is a lot of head
space for improvement by further tuning the hyper
parameters. We can further improvethegenerationofobject
by passing a string in the input which co relates with the
training data which can result in generation of specific style
of model instead of a random style object. This string could
also contain some constraint parameter which will help
generator synthesize an object with particular constraints.
This may be helpful in designing and engineering where a
design needs to have some constraint. As we see there are
two use cases to which our model can be adapted.
VIII. REFERENCE
[1] “Learning 3D Shape Completion under weak
Supervision”, International Journal of Computer
vision,Springer, David Stutz, Andreas Geiger.
[2] “Learning to generate chairs, tables and cars with
convolution networks”.arXiv:1411.5928v4 [cs.CV], Thomas
Brox, Jost Tobias Springenberg, Alexey Dosovitskiy, Maxim
Tatarchenko.
[3] “Learning a Probablistic Latent space of object space via
3D Generative Adversarial Modeling”.XueT.,Wu, J.,Zhang, C.,
Freeman, W. T. and Tenenbaum, J. B. [2016].
[4] Despois, J. [2017 (Accessed 2017-10-18)], Autoencoders
Deep learning bits, [blogpost], Hackernoon.
[5] “Example based 3d object reconstruction from line
drawing”,in CVPR,2012. Xiaoou Tang, Jianzhuang Liu, and
Tianfan Xue.
[6] “3D shapenets, A deep representation for volumetric
shape”,in CVPR,2015. Xiaoou Tang, Zhirong Wu, Linguang
Zhang, Shuran Song, Fisher Yu, Aditya Khosla and Jianxiong
Xiao.
[7] “Generative image modeling using style and structure
adversarial networks”. In ECCV, 2016.Xiaolong Wang and
Abhinav Gupta.
[8] “Unsupervised representation learning with deep
convolutional generative adversarial networks”, in ICLR,
2016. Soumith Chintala, Luke Metz and Alec Radford.
[9] Generative-adversarial-networks, in NIPS, 2014. David
Warde-Farley, Ian Goodfellow, Yoshua Bengio, Jean Pouget-
Abadie, Bing Xu, Sherjil Ozair, Aaron Courville, and Mehdi
Mirza.
[10] “Shapenet: An information-rich 3d model repository”.
arXiv preprint arXiv:1512.03012, 2015.Angel X Chang,
Thomas Funkhouser, Leonidas Guibas, et al.
[11] “Shape completion using 3d-encoder-predictor CNNs
and shape synthesis”. In IEEE (CVPR) Dai, A., Qi, C. R., &
Nießner, M. (2017).
[12] I. Sutskever,A. Krizhevsky, and G. E. Hinton, “ImageNet
classification with deep convolutional neural networks,” in
NIPS, 2012, pp. 1106–1114.

More Related Content

What's hot (19)

PDF
Steganography
Pune University
 
PDF
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET Journal
 
PDF
50120130405004 2
IAEME Publication
 
PDF
DCT and Simulink Based Realtime Robust Image Watermarking
CSCJournals
 
PDF
State-of-the-art Image Processing across all domains
Knoldus Inc.
 
PDF
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET Journal
 
PDF
ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...
sipij
 
PDF
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
Edge AI and Vision Alliance
 
PDF
Ijetcas14 527
Iasir Journals
 
PDF
IRJET- Image Compression Technique for Quantized Encrypted Images using SVD
IRJET Journal
 
PDF
8. 10179 13825-1-ed edit iqbal
IAESIJEECS
 
PDF
A Survey on Fingerprint Identification for Different Orientation Images.
IRJET Journal
 
PDF
An interactive image segmentation using multiple user input’s
eSAT Publishing House
 
PDF
“Applying the Right Deep Learning Model with the Right Data for Your Applicat...
Edge AI and Vision Alliance
 
PDF
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET Journal
 
PDF
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
Edge AI and Vision Alliance
 
PDF
A new approachto image classification based on adeep multiclass AdaBoosting e...
IJECEIAES
 
PDF
1918 1923
Editor IJARCET
 
PPTX
final ppt
abknayam
 
Steganography
Pune University
 
IRJET - Deep Learning Approach to Inpainting and Outpainting System
IRJET Journal
 
50120130405004 2
IAEME Publication
 
DCT and Simulink Based Realtime Robust Image Watermarking
CSCJournals
 
State-of-the-art Image Processing across all domains
Knoldus Inc.
 
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET Journal
 
ADVANCED SINGLE IMAGE RESOLUTION UPSURGING USING A GENERATIVE ADVERSARIAL NET...
sipij
 
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
Edge AI and Vision Alliance
 
Ijetcas14 527
Iasir Journals
 
IRJET- Image Compression Technique for Quantized Encrypted Images using SVD
IRJET Journal
 
8. 10179 13825-1-ed edit iqbal
IAESIJEECS
 
A Survey on Fingerprint Identification for Different Orientation Images.
IRJET Journal
 
An interactive image segmentation using multiple user input’s
eSAT Publishing House
 
“Applying the Right Deep Learning Model with the Right Data for Your Applicat...
Edge AI and Vision Alliance
 
IRJET- Concepts, Methods and Applications of Neural Style Transfer: A Rev...
IRJET Journal
 
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
Edge AI and Vision Alliance
 
A new approachto image classification based on adeep multiclass AdaBoosting e...
IJECEIAES
 
1918 1923
Editor IJARCET
 
final ppt
abknayam
 

Similar to IRJET- Generating 3D Models Using 3D Generative Adversarial Network (20)

PDF
MODELLING AND SYNTHESIZING OF 3D SHAPE WITH STACKED GENERATIVE ADVERSARIAL NE...
Sangeetha Mam
 
PDF
3D Volumetric Data Generation with Generative Adversarial Networks
Preferred Networks
 
PDF
Creating Objects for Metaverse using GANs and Autoencoders
IRJET Journal
 
PDF
REVIEW ON OBJECT DETECTION WITH CNN
IRJET Journal
 
PDF
Three-dimensional shape generation via variational autoencoder generative ad...
IJECEIAES
 
PDF
Jakub Langr (University of Oxford) - Overview of Generative Adversarial Netwo...
Codiax
 
PDF
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
PDF
Deep image generating models
Luba Elliott
 
PPTX
GDC2019 - SEED - Towards Deep Generative Models in Game Development
Electronic Arts / DICE
 
PDF
Predictive maintenance of electromechanical systems based on enhanced generat...
IAESIJAI
 
PDF
OBJECT IDENTIFICATION
IRJET Journal
 
PDF
IRJET- Spatial Context Preservation and Propagation - Layer States in Convolu...
IRJET Journal
 
PDF
Generative modeling with Convolutional Neural Networks
Denis Dus
 
PDF
Volodymyr Lyubinets “Generative models for images”
Lviv Startup Club
 
PDF
Generational Adversarial Neural Networks - Essential Reference
Gokul Alex
 
PDF
DiscoGAN
Il Gu Yi
 
PDF
TensorFlow London: Progressive Growing of GANs for increased stability, quali...
Seldon
 
PDF
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Universitat Politècnica de Catalunya
 
PDF
IRJET- Significant Neural Networks for Classification of Product Images
IRJET Journal
 
PDF
IRJET- Object Detection in an Image using Deep Learning
IRJET Journal
 
MODELLING AND SYNTHESIZING OF 3D SHAPE WITH STACKED GENERATIVE ADVERSARIAL NE...
Sangeetha Mam
 
3D Volumetric Data Generation with Generative Adversarial Networks
Preferred Networks
 
Creating Objects for Metaverse using GANs and Autoencoders
IRJET Journal
 
REVIEW ON OBJECT DETECTION WITH CNN
IRJET Journal
 
Three-dimensional shape generation via variational autoencoder generative ad...
IJECEIAES
 
Jakub Langr (University of Oxford) - Overview of Generative Adversarial Netwo...
Codiax
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
Deep image generating models
Luba Elliott
 
GDC2019 - SEED - Towards Deep Generative Models in Game Development
Electronic Arts / DICE
 
Predictive maintenance of electromechanical systems based on enhanced generat...
IAESIJAI
 
OBJECT IDENTIFICATION
IRJET Journal
 
IRJET- Spatial Context Preservation and Propagation - Layer States in Convolu...
IRJET Journal
 
Generative modeling with Convolutional Neural Networks
Denis Dus
 
Volodymyr Lyubinets “Generative models for images”
Lviv Startup Club
 
Generational Adversarial Neural Networks - Essential Reference
Gokul Alex
 
DiscoGAN
Il Gu Yi
 
TensorFlow London: Progressive Growing of GANs for increased stability, quali...
Seldon
 
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Universitat Politècnica de Catalunya
 
IRJET- Significant Neural Networks for Classification of Product Images
IRJET Journal
 
IRJET- Object Detection in an Image using Deep Learning
IRJET Journal
 
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
PDF
Kiona – A Smart Society Automation Project
IRJET Journal
 
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
PDF
Breast Cancer Detection using Computer Vision
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
Kiona – A Smart Society Automation Project
IRJET Journal
 
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
Breast Cancer Detection using Computer Vision
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Ad

Recently uploaded (20)

PPTX
Break Statement in Programming with 6 Real Examples
manojpoojary2004
 
PPTX
The Role of Information Technology in Environmental Protectio....pptx
nallamillisriram
 
PDF
Statistical Data Analysis Using SPSS Software
shrikrishna kesharwani
 
PDF
POWER PLANT ENGINEERING (R17A0326).pdf..
haneefachosa123
 
PPTX
Innowell Capability B0425 - Commercial Buildings.pptx
regobertroza
 
PDF
Ethics and Trustworthy AI in Healthcare – Governing Sensitive Data, Profiling...
AlqualsaDIResearchGr
 
PPT
inherently safer design for engineering.ppt
DhavalShah616893
 
PPTX
REINFORCEMENT AS CONSTRUCTION MATERIALS.pptx
mohaiminulhaquesami
 
PPTX
Types of Bearing_Specifications_PPT.pptx
PranjulAgrahariAkash
 
PPTX
UNIT DAA PPT cover all topics 2021 regulation
archu26
 
PPTX
site survey architecture student B.arch.
sri02032006
 
PDF
MOBILE AND WEB BASED REMOTE BUSINESS MONITORING SYSTEM
ijait
 
PPTX
Green Building & Energy Conservation ppt
Sagar Sarangi
 
PPTX
Heart Bleed Bug - A case study (Course: Cryptography and Network Security)
Adri Jovin
 
PPTX
Pharmaceuticals and fine chemicals.pptxx
jaypa242004
 
PPTX
原版一样(Acadia毕业证书)加拿大阿卡迪亚大学毕业证办理方法
Taqyea
 
PPTX
drones for disaster prevention response.pptx
NawrasShatnawi1
 
DOCX
8th International Conference on Electrical Engineering (ELEN 2025)
elelijjournal653
 
PDF
monopile foundation seminar topic for civil engineering students
Ahina5
 
PDF
Introduction to Productivity and Quality
মোঃ ফুরকান উদ্দিন জুয়েল
 
Break Statement in Programming with 6 Real Examples
manojpoojary2004
 
The Role of Information Technology in Environmental Protectio....pptx
nallamillisriram
 
Statistical Data Analysis Using SPSS Software
shrikrishna kesharwani
 
POWER PLANT ENGINEERING (R17A0326).pdf..
haneefachosa123
 
Innowell Capability B0425 - Commercial Buildings.pptx
regobertroza
 
Ethics and Trustworthy AI in Healthcare – Governing Sensitive Data, Profiling...
AlqualsaDIResearchGr
 
inherently safer design for engineering.ppt
DhavalShah616893
 
REINFORCEMENT AS CONSTRUCTION MATERIALS.pptx
mohaiminulhaquesami
 
Types of Bearing_Specifications_PPT.pptx
PranjulAgrahariAkash
 
UNIT DAA PPT cover all topics 2021 regulation
archu26
 
site survey architecture student B.arch.
sri02032006
 
MOBILE AND WEB BASED REMOTE BUSINESS MONITORING SYSTEM
ijait
 
Green Building & Energy Conservation ppt
Sagar Sarangi
 
Heart Bleed Bug - A case study (Course: Cryptography and Network Security)
Adri Jovin
 
Pharmaceuticals and fine chemicals.pptxx
jaypa242004
 
原版一样(Acadia毕业证书)加拿大阿卡迪亚大学毕业证办理方法
Taqyea
 
drones for disaster prevention response.pptx
NawrasShatnawi1
 
8th International Conference on Electrical Engineering (ELEN 2025)
elelijjournal653
 
monopile foundation seminar topic for civil engineering students
Ahina5
 
Introduction to Productivity and Quality
মোঃ ফুরকান উদ্দিন জুয়েল
 

IRJET- Generating 3D Models Using 3D Generative Adversarial Network

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 886 GENERATING 3D MODELS USING 3D GENERATIVE ADVERSARIAL NETWORK 1 Pranav Gandhi, 2 Adarsh Shaw, 3Emil Eji,4 Steffina Muthukumar 1,2,3Student, 4Assistant Professor Computer Science & Engineering, SRM Institute of Science and Technology,Chennai. ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract: In recent years there is an increase in solving the problems which combines Computer vision and Natural Language processing. There has been new algorithm developed to solve these problems. 3D Model Generationisone such problem which fall in the computer vision category. In this paper we are studying the difficulties of generating a 3D object. For this we present a simple framework of 3D Generative-Adversarial-Network(3D-GAN) which produces 3 Dimensional structure from a latent vector by using the modern advancement in convolution networks. Our model is maps the low dimensional space to 3d space. So that it can sample objects without needing to reference a model created on Computer Aided Design Software. Our model learns these features without any supervision and can generates high quality models. IndexTerms – Generative Adversarial Network, 3D Convolution, Unsupervised learning. I. Introduction 3D shapeawareness is an oldprobleminComputervision which is not yet completely solved by the community.Alarge amount of work focus on 3D reconstruction. The maingoalof the computer vision research is to figure out how the human system accomplishes such task. For example,askingaperson to “think of violet cat”, the person will have no problem imagining a violet cat. He will have a clear image of that cat, without having seen it before. Generative AI is Growing Fast will help computers understand the world better. Creating a 3D model is a complex and a time consuming task. This is a big problem in game industry, interior designing and CAD modeling for engineering. In the past decade, researcher have made astonishing progress in 3D object creation, mostly based on the meshes. Recently, due to improvement in computing hardware. The sector of deep learn has advanced and the spring up of large dataset like ShapeNet has made it possible to train complicated model which has greatly outperformedallother algorithms. The older method of generationbasedonmeshes was challenging due to the high dimensionality of the problem. Earlier works suggest that it’s possible to generated 3D objects with one image and convolution neural networks. In this paper, we show modeling 3D objects in adversarial manner can be a effective solution as it can have both properties of good generative model variation and realistic. Our model uses volumetric convolutional network. Slightly different from the traditional convolutional network. The trainingcriteria also differsas an adversarialdiscriminatoris introduced to identify whether the generated objectisrealor fake. The purpose of this paper is to make the voxel based 3d model generation simpler. And to see how significant is the
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 887 trade between the learning speed and the resolution of the object. Modeling 3D object in GAN structure offers addition advantage as the variation in the generated model increases without trading off the realism of the object. We demostrate that our model can be used for generatinghighlydetailedand realistic model and the discriminator can be used for 3D object recognition. II. LITERATURE SURVEY 2.1 3D Shape Completion and Isometric view 3D Reconstruction: In general 3D shape reconstruction is a narrowed down problem and a special case of 3d object generation. Classic 3D shapereconstruction approachcanbe classified into symmetry based method and data analysis method. The data driven method approaches the shape finalization problem as retrieval and alignment problem. In general, data driven method approaches are will only work by assuming the features about the data category. 2.2 Modeling and generating 3D shapes: 3D object generation is a difficult problem in vision and computer graphics. In the past, AI andcomputer vision researcherhave made astonishingattemptstolearn3Dobjectsrepresentation largely based on skeleton andmeshes. Mostofthealgorithms are nonparametricandrecombinespartsofshapestocreatea new shape. 2.3 Deep learning on 3D data: The computer vision community has seenarapidimprovementofneuralnetworks in various task. In the task of 3D model recognition Li et al. [2015], Su et al. [2015b], Girdhar et al. [2016] propose to learn a joint inlay of 3d object and generated images. Most of the framework are trained with full or partial supervision compared to ours which is unsupervised. 2.4 Learning with Adversarial net: Generative adversarial network proposed to incorporate an adversarial discriminator with the generating model. Recently LAPGAN and DCGAN combined GAN with convolutional neural network for image generation problem and achieve outstanding results. While all the previous approaches were for 2D images we used adversarial component for the 3D objects. 2.4. Kullback-leibler divergence: It is also known as relative entropy. It is a method to identify the relation between two probability distribution p(x) and q(x). It measures how one distribution diverges from the other. (2.4) If the KL divergence is zero, it means that p(x) is same as q(x) at every other point. 2.5. Nash equilibrium: This concept comes from the game theory. It is a particular state in gametheory which can be achieve d in a non-cooperative game where the player chooses the best possible strategy for themselves to get the best possible result for them. The decision is based on strategy to maximize the profit for that player. III. PROPOSED SYSTEM In this section we present our proposed architecture and the approach for 3D Generative adversarial network-based 3D model generator.Ourproposedsystemusesthesimplified volumetric pixel insteadofthehigherdimensionalmeshdata. By using the recent advancement in GANs the frame work is able to map the 3D space intoa low dimensionallatentspace. Our 3D Generative Adversarial Network takes advantage of 3D convolution networkand generativeadversarialnetwork.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 888 3.1. 3D Convolution: 3D convolution is similar to the traditional convolution except operationsapplya 3Dfilterto input data along all three dimensions. This operation makes a 3 stack of features maps. The shape of the output is a cuboid. (3.1) 3.2. 3D GenerativeAdversarialNetwork:Asproposed in Goodfellow etal.[2014], the Generative Adversarial Network (GAN) consists of a discriminator and a generator where the prior tries to identify fake object and the real object, and the generator tries of fool the discriminator. In our 3D-Generative Adversarial Network(3D-GAN), the generator maps the two hundred dimensional noise randomly sampled to a 64x64x64 cube, representationof an object in a voxel space which are volumetric pixel. Discriminator gives the probability if the input object is real or the fake. Same as the Goodfellow etal.[2014], we use the binary cross entropy as the discriminator loss, and present overall model loss as: (3.2) where x is a real object sample and z is the noise sample from random distribution. In each dimensionzisdistributed over the interval of [0,1]. The advantage of our system is that it is unsupervised there is no assistance in training and all the data isnotlabeled.The model learns the density distribution of the data. So, it creates the internal representation of the messy and complicated distribution. IV. NETWORK Architecture Motivated by Radford et al. [2016], we designed a deconvolution neural network for 3d object generation. The generator network consists of fivevolumetricdeconvolution layer of filter size 4x4x4 and stride of 2 with batch normalization and leaky ReLU layersandattheendthere isa sigmoid layer. The discriminator is essentially an inverted form of the generator except it uses volumetric convolution layers there is no pooling layer in the network. 4.1. Training Process: There is a simple trainingprocess. It is to update both network in every batch, but like this the discriminator learns much faster than thegeneratorandthis make the discriminator much better than the generator much faster and generator is not able to keep up with the pace. So, discriminator is only trained on every other mini- batch and generator is trained on all mini-batch and the learning rate of the generator is much higher than thatofthe discriminator. We are using the Adam optimizer for boththe discriminator and generator.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 889 (4.1) 4.2. Loss Function: Since we are trying to generate a model that is realistic and it is supervised by the discriminator which judge the generator. So, here we can apply the Nash equilibrium where we want the loss of discriminator to maximize andlossofgenerator tominimize. And combining the binary cross entropy loss with Nash equilibrium we get the following equation (4.2) Where D is the discriminator and G is the generator p(x) is real data distribution and p(z) is the fake data distribution. V. RESULT The proposed model was trained on the 3DShapeNet dataset. After training the model we evaluate the result of generated objects. Astonishingly, the model not only can generate new objects but also combine differentstylesof the object to produce a new realistic object for example combining a Victorian style chair and a modern chair it production new chair with both traits. Since there is no accuracy for the generator network it is evaluated by comparing it against how well it does against the discriminator which has an accuracy matrix as it only classifies between fake and real object. The training is very unstable, but compared to previous works on 3D GANs our model generates both high resolution object with details. Note it is easier to generate low resolutionobjectscompared to higher resolution as the complexity increases exponentially. One of the major concern for the generator is that if it is just recreating the models in the training set. So, we compared the voxel position of generated model with training model using distance formula and the result show a similarity between object but they are the identical. This proves that the generator is not just retrieving a random model from the training set and giving it as the output. (5.0)
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 890 VI. CONCLUSION In this paper we have developed a 3D object generation model and a 3d object recognition model. The 3d object recognition models isutilize toimprovethegeneratormodel. Our model was able to generate novel objects and both of our network learned without any supervision and the discriminator was used to create a low dimensional feature representation of the object which help us explore the latent space of the object representation and object interpolation. VII. FUTURE WORKS In this paper we have shown the proof of concept as the model performed phenomenal well. This is a lot of head space for improvement by further tuning the hyper parameters. We can further improvethegenerationofobject by passing a string in the input which co relates with the training data which can result in generation of specific style of model instead of a random style object. This string could also contain some constraint parameter which will help generator synthesize an object with particular constraints. This may be helpful in designing and engineering where a design needs to have some constraint. As we see there are two use cases to which our model can be adapted. VIII. REFERENCE [1] “Learning 3D Shape Completion under weak Supervision”, International Journal of Computer vision,Springer, David Stutz, Andreas Geiger. [2] “Learning to generate chairs, tables and cars with convolution networks”.arXiv:1411.5928v4 [cs.CV], Thomas Brox, Jost Tobias Springenberg, Alexey Dosovitskiy, Maxim Tatarchenko. [3] “Learning a Probablistic Latent space of object space via 3D Generative Adversarial Modeling”.XueT.,Wu, J.,Zhang, C., Freeman, W. T. and Tenenbaum, J. B. [2016]. [4] Despois, J. [2017 (Accessed 2017-10-18)], Autoencoders Deep learning bits, [blogpost], Hackernoon. [5] “Example based 3d object reconstruction from line drawing”,in CVPR,2012. Xiaoou Tang, Jianzhuang Liu, and Tianfan Xue. [6] “3D shapenets, A deep representation for volumetric shape”,in CVPR,2015. Xiaoou Tang, Zhirong Wu, Linguang Zhang, Shuran Song, Fisher Yu, Aditya Khosla and Jianxiong Xiao. [7] “Generative image modeling using style and structure adversarial networks”. In ECCV, 2016.Xiaolong Wang and Abhinav Gupta. [8] “Unsupervised representation learning with deep convolutional generative adversarial networks”, in ICLR, 2016. Soumith Chintala, Luke Metz and Alec Radford. [9] Generative-adversarial-networks, in NIPS, 2014. David Warde-Farley, Ian Goodfellow, Yoshua Bengio, Jean Pouget- Abadie, Bing Xu, Sherjil Ozair, Aaron Courville, and Mehdi Mirza. [10] “Shapenet: An information-rich 3d model repository”. arXiv preprint arXiv:1512.03012, 2015.Angel X Chang, Thomas Funkhouser, Leonidas Guibas, et al. [11] “Shape completion using 3d-encoder-predictor CNNs and shape synthesis”. In IEEE (CVPR) Dai, A., Qi, C. R., & Nießner, M. (2017). [12] I. Sutskever,A. Krizhevsky, and G. E. Hinton, “ImageNet classification with deep convolutional neural networks,” in NIPS, 2012, pp. 1106–1114.