Deepfakes Generation Using LSTM Based Generative Adversarial Networks

Total Page:16

File Type:pdf, Size:1020Kb

Deepfakes Generation Using LSTM Based Generative Adversarial Networks Rochester Institute of Technology RIT Scholar Works Theses 6-2020 Deepfakes Generation using LSTM based Generative Adversarial Networks Akhil Santha [email protected] Follow this and additional works at: https://scholarworks.rit.edu/theses Recommended Citation Santha, Akhil, "Deepfakes Generation using LSTM based Generative Adversarial Networks" (2020). Thesis. Rochester Institute of Technology. Accessed from This Thesis is brought to you for free and open access by RIT Scholar Works. It has been accepted for inclusion in Theses by an authorized administrator of RIT Scholar Works. For more information, please contact [email protected]. Deepfakes Generation using LSTM based Generative Adversarial Networks By Akhil Santha June 2020 A Thesis Submitted in Partial Fulfillment of the Requirements for the Degree of Master of Science in Computer Engineering from Rochester Institute of Technology Approved by: ____________________________________________________________________________ Dr. Raymond Ptucha, Assistant Professor Date Thesis Advisor, Department of Computer Engineering ____________________________________________________________________________ Dr. Sonia Lopez Alarcon, Associate Professor Date: Thesis Advisor, Department of Computer Engineering __________________________________________________________________ Dr. Clark Hochgraf, Associate Professor Date: Thesis Advisor, Department of Electrical Engineering Deepfakes Generation using LSTM based Generative Adversarial Networks Akhil Santha May 2020 KATE GLEASON COLLEGE OF ENGINEERING A Thesis Submitted in Partial Fulfillment of the Requirements for the Degree of Master of Science in Computer Engineering Department of Computer Engineering 2 Acknowledgements I am very grateful to Dr. Raymond Ptucha, my primary advisor, for his constant encouragement and guidance throughout my masters. The team meetings and the courses he taught helped me to build new innovative and research skills. I would like to thank the deepfakes team and MIL lab, for constantly giving me inputs for my research work. I would also like to thank the MIL team for their support and for making a friendly environment in the lab. Department of Computer Engineering 3 Abstract Deep learning has been achieving promising results across a wide range of complex task domains. However, recent advancements in deep learning have also been employed to create software which causes threats to the privacy of people and national security. One among them is deepfakes, which creates fake images as well as videos that cannot be detected as forgeries by humans. Fake speeches of world leaders can even cause threat to world stability and peace. Apart from the malicious usage, deepfakes can also be used for positive purposes such as in films for post dubbing or performing language translation. This latter case was recently used in the latest Indian election such that politician speeches can be converted to many Indian dialects across the country. This work was traditionally done using computer graphic technology and 3D models. But with advances in deep learning and computer vision, in particular GANs, the earlier methods are being replaced by deep learning methods. This research will focus on using deep neural networks for generating manipulated faces in images and videos. This master’s thesis develops a novel architecture which can generate a full sequence of video frames given a source image and a target video. We were inspired by the works done by NVIDIA in vid2vid and few-shot vid2vid where they learn to map source video domains to target domains. In our work, we propose a unified model using LSTM based GANs along with a motion module which uses a keypoint detector to generate the dense motion. The generator network employs warping to combine the appearance extracted from the source image and the motion from the target video to generate realistic videos and also to decouple the occlusions. The training is done end-to-end and the keypoints are learnt in a self-supervised way. Evaluation is demonstrated on the recently introduced FaceForensics++ and VoxCeleb datasets. The main contribution of our work is to develop novel neural networks for generating deepfake images/videos. Furthermore, our main motive is to generate datasets for deepfake detection challenges. Department of Computer Engineering 4 Table of Contents: Signature Sheet……………………………………………………………………..…………….3 Abstract………………………………………………………..……………..…………...………5 List of Figures……………………………………………………………………….……………8 List of Tables…………………………………………………………….....……….………..…10 Acronyms………………………………………………………………………………………..11 Chapter 1………………………………………………………………..…………...….……….12 1.1 Introduction …………………………………………………………….…………..12 1.2 Deepfakes and its types ……………………………………………………..……...14 1.3 Contributions ………………………………………………….……………….…..16 Chapter 2 ………………………………………………………………………………....……..17 2.1 Convolutional Neural networks ……………………………………………...……17 2.2 Generative Adversarial Networks………………………………………...……….18 2.3 Long short-term memory ………………………………………………....……….19 2.4 Optical flow and Flownet ………………………………………………….………21 Chapter 3 …………………………………………………………………………….………….23 3.1 Faceswap ……………………………………………………....……………………23 3.2 Video-to-Video Synthesis …………………………...……………...……………...24 3.3 Few-shot Video-to-Video Synthesis …………………………………...…………..25 3.4 First Order Model for Image Animation …………………………………………27 Department of Computer Engineering 5 Chapter 4………………………………………………………………………………..…...….30 4.1 FaceForensics++: Learning to Detect Manipulated Facial Images ……...……..30 4.1.1 FaceSwap…………………………………………..…………………..….30 4.1.2 DeepFakes ……………….……………………...…………....….………..31 4.1.3 Face2Face …………………………………………...….…...…………….31 4.1.4 NeuralTextures ………………………………………….….…………….32 4.1.5 Post processing of dataset ………………………………………..………33 4.2 Deep Learning Face Attributes in the Wild (CelebA) ……………….....………..34 4.3 VoxCeleb: Large-scale speaker verification in the wild …………………….……35 4.4 Preprocessing of datasets …………………………………………………....……..37 Chapter 5 ……………………………………………………………………………....………..39 5.1 Base Model ……………………………………………………………….…………39 5.2 LSTM based Generative Adversarial Networks …………………………………40 5.3 LSTM based GANs with Flow …………………………………….………………41 Chapter 6 ……………………………………………………………………………………….45 6.1 Image Reconstruction Loss …………………………………………...…………...45 6.2 Adversarial Loss …………………………………………………………...……….46 6.3 Equivariance Loss …………………………………………………………...…….46 Chapter 7 ………………………………………………………………………………………..47 7.1 Implementation details ………………………………………………….…...…….47 7.2 Results……………………………………………………...………………..………47 Department of Computer Engineering 6 Chapter 8 ………………………………………………………………………………………..53 7.1 Conclusion……………..……………………………………………………...…….53 7.2 Future work….……………………………………………...………………………53 References ……………………………………………………………………………………....55 Department of Computer Engineering 7 List of Figures: Figure 1 An example of Convolutional Neural Network used for facial recognition………..…....13 Figure 2: An example of Faceswap……………………………………………………….…..…14 Figure 3: An example of facial reenactment……………………………………………….…….15 Figure 4: An example of Convolutional Neural Network……………………………….…..…...18 Figure 5: A typical example of Generative Adversarial Network……………………….............19 Figure 6: A typical example of Recurrent Neural Networks…………………………….............20 Figure 7: Long Short Term Memory Network……………………………………………….…..21 Figure 8: An example of Optical Flow network……………………………………………..…...22 Figure 9: Faceswap GAN network…………………………………………………………….....24 Figure 10: Network architecture of pix2pixHD……………………………………………….…25 Figure 11: Comparison between vid2vid and few-shot vid2vid……………………………..…...26 Figure 12: The network contains SPADE residual blocks with upsampling layers…….………..27 Figure 13: An overview of monkey net architecture………………………………………..........28 Figure 14: Overview of first order model for image animation approach……………………...…29 Figure 15: An example of two categories of face manipulation methods…………….…...…30 Figure 16: Overview of Faceswap GAN………………………………….…………………32 Figure 17: Statistics of FaceForensics dataset……………………….……………………….33 Figure 18: Sample images from FaceForesnsics++ dataset…………………………….……34 Figure 19: Distribution of VoxCeleb dataset………………………………………...………36 Figure 20: Sample images from VoxCeleb dataset………………………………………….36 Department of Computer Engineering 8 Figure 21: A typical example showing Dlib facial landmark points………………………..38 Figure 22: A sample example showing an image and its corresponding heatmap………….38 Figure 23: Our Base Model network……………………………………………………..…39 Figure 24: LSTM based Generator………………………………………………………….41 Figure 25: Our LSTM based generator with dense motion as conditional input…………....42 Figure 26: Motion module network…………………………………………………………42 Figure 27: Results of our Model on FaceForensics++ dataset……………..…………………48 Figure 28: Results of our Model on VoxCeleb dataset………………..……………...………49 Figure 29: Comparison of our results with vid2vid models…………..……………………...50 Figure 29: Comparison of our results with other models…………..……………………...…51 Figure 29: Comparison with one Layer LSTM and Bidirectional LSTM models………....…52 Department of Computer Engineering 9 List of Tables: Table 1: Number of images per each method……………………………………………..34 Table 2: Statistics of CelebA dataset.……………………………………………………..35 Table 3: Statistics of VoxCeleb verification dataset…………………………………....…36 Table 4: Statistics of VoxCeleb identification dataset…………………………………….36 Department of Computer Engineering 10 Acronyms: CNN Convolutional
Recommended publications
  • Artificial Intelligence in Health Care: the Hope, the Hype, the Promise, the Peril
    Artificial Intelligence in Health Care: The Hope, the Hype, the Promise, the Peril Michael Matheny, Sonoo Thadaney Israni, Mahnoor Ahmed, and Danielle Whicher, Editors WASHINGTON, DC NAM.EDU PREPUBLICATION COPY - Uncorrected Proofs NATIONAL ACADEMY OF MEDICINE • 500 Fifth Street, NW • WASHINGTON, DC 20001 NOTICE: This publication has undergone peer review according to procedures established by the National Academy of Medicine (NAM). Publication by the NAM worthy of public attention, but does not constitute endorsement of conclusions and recommendationssignifies that it is the by productthe NAM. of The a carefully views presented considered in processthis publication and is a contributionare those of individual contributors and do not represent formal consensus positions of the authors’ organizations; the NAM; or the National Academies of Sciences, Engineering, and Medicine. Library of Congress Cataloging-in-Publication Data to Come Copyright 2019 by the National Academy of Sciences. All rights reserved. Printed in the United States of America. Suggested citation: Matheny, M., S. Thadaney Israni, M. Ahmed, and D. Whicher, Editors. 2019. Artificial Intelligence in Health Care: The Hope, the Hype, the Promise, the Peril. NAM Special Publication. Washington, DC: National Academy of Medicine. PREPUBLICATION COPY - Uncorrected Proofs “Knowing is not enough; we must apply. Willing is not enough; we must do.” --GOETHE PREPUBLICATION COPY - Uncorrected Proofs ABOUT THE NATIONAL ACADEMY OF MEDICINE The National Academy of Medicine is one of three Academies constituting the Nation- al Academies of Sciences, Engineering, and Medicine (the National Academies). The Na- tional Academies provide independent, objective analysis and advice to the nation and conduct other activities to solve complex problems and inform public policy decisions.
    [Show full text]
  • Real Vs Fake Faces: Deepfakes and Face Morphing
    Graduate Theses, Dissertations, and Problem Reports 2021 Real vs Fake Faces: DeepFakes and Face Morphing Jacob L. Dameron WVU, [email protected] Follow this and additional works at: https://researchrepository.wvu.edu/etd Part of the Signal Processing Commons Recommended Citation Dameron, Jacob L., "Real vs Fake Faces: DeepFakes and Face Morphing" (2021). Graduate Theses, Dissertations, and Problem Reports. 8059. https://researchrepository.wvu.edu/etd/8059 This Thesis is protected by copyright and/or related rights. It has been brought to you by the The Research Repository @ WVU with permission from the rights-holder(s). You are free to use this Thesis in any way that is permitted by the copyright and related rights legislation that applies to your use. For other uses you must obtain permission from the rights-holder(s) directly, unless additional rights are indicated by a Creative Commons license in the record and/ or on the work itself. This Thesis has been accepted for inclusion in WVU Graduate Theses, Dissertations, and Problem Reports collection by an authorized administrator of The Research Repository @ WVU. For more information, please contact [email protected]. Real vs Fake Faces: DeepFakes and Face Morphing Jacob Dameron Thesis submitted to the Benjamin M. Statler College of Engineering and Mineral Resources at West Virginia University in partial fulfillment of the requirements for the degree of Master of Science in Electrical Engineering Xin Li, Ph.D., Chair Natalia Schmid, Ph.D. Matthew Valenti, Ph.D. Lane Department of Computer Science and Electrical Engineering Morgantown, West Virginia 2021 Keywords: DeepFakes, Face Morphing, Face Recognition, Facial Action Units, Generative Adversarial Networks, Image Processing, Classification.
    [Show full text]
  • Synthetic Video Generation
    Synthetic Video Generation Why seeing should not always be believing! Alex Adam Image source https://www.pocket-lint.com/apps/news/adobe/140252-30-famous-photoshopped-and-doctored-images-from-across-the-ages Image source https://www.pocket-lint.com/apps/news/adobe/140252-30-famous-photoshopped-and-doctored-images-from-across-the-ages Image source https://www.pocket-lint.com/apps/news/adobe/140252-30-famous-photoshopped-and-doctored-images-from-across-the-ages Image source https://www.pocket-lint.com/apps/news/adobe/140252-30-famous-photoshopped-and-doctored-images-from-across-the-ages Image Tampering Historically, manipulated Off the shelf software (e.g imagery has deceived Photoshop) exists to do people this now Has become standard in Public have become tabloids/social media somewhat numb to it - it’s no longer as impactful/shocking How does machine learning fit in? Advent of machine learning Video manipulation is now has made image also tractable with enough manipulation even easier data and compute Can make good synthetic Public are largely unaware of videos using a gaming this and the danger it poses! computer in a bedroom Part I: Faceswap ● In 2017, reddit (/u/deepfakes) posted Python code that uses machine learning to swap faces in images/video ● ‘Deepfake’ content flooded reddit, YouTube and adult websites ● Reddit since banned this content (but variants of the code are open source https://github.com/deepfakes/faceswap) ● Autoencoder concepts underlie most ‘Deepfake’ methods Faceswap Algorithm Image source https://medium.com/@jonathan_hui/how-deep-learning-fakes-videos-deepfakes-and-how-to-detect-it-c0b50fbf7cb9 Inference Image source https://medium.com/@jonathan_hui/how-deep-learning-fakes-videos-deepfakes-and-how-to-detect-it-c0b50fbf7cb9 ● Faceswap model is an autoencoder.
    [Show full text]
  • CSE 152: Computer Vision Manmohan Chandraker
    CSE 152: Computer Vision Manmohan Chandraker Lecture 15: Optimization in CNNs Recap Engineered against learned features Label Convolutional filters are trained in a Dense supervised manner by back-propagating classification error Dense Dense Convolution + pool Label Convolution + pool Classifier Convolution + pool Pooling Convolution + pool Feature extraction Convolution + pool Image Image Jia-Bin Huang and Derek Hoiem, UIUC Two-layer perceptron network Slide credit: Pieter Abeel and Dan Klein Neural networks Non-linearity Activation functions Multi-layer neural network From fully connected to convolutional networks next layer image Convolutional layer Slide: Lazebnik Spatial filtering is convolution Convolutional Neural Networks [Slides credit: Efstratios Gavves] 2D spatial filters Filters over the whole image Weight sharing Insight: Images have similar features at various spatial locations! Key operations in a CNN Feature maps Spatial pooling Non-linearity Convolution (Learned) . Input Image Input Feature Map Source: R. Fergus, Y. LeCun Slide: Lazebnik Convolution as a feature extractor Key operations in a CNN Feature maps Rectified Linear Unit (ReLU) Spatial pooling Non-linearity Convolution (Learned) Input Image Source: R. Fergus, Y. LeCun Slide: Lazebnik Key operations in a CNN Feature maps Spatial pooling Max Non-linearity Convolution (Learned) Input Image Source: R. Fergus, Y. LeCun Slide: Lazebnik Pooling operations • Aggregate multiple values into a single value • Invariance to small transformations • Keep only most important information for next layer • Reduces the size of the next layer • Fewer parameters, faster computations • Observe larger receptive field in next layer • Hierarchically extract more abstract features Key operations in a CNN Feature maps Spatial pooling Non-linearity Convolution (Learned) . Input Image Input Feature Map Source: R.
    [Show full text]
  • Automated Elastic Pipelining for Distributed Training of Transformers
    PipeTransformer: Automated Elastic Pipelining for Distributed Training of Transformers Chaoyang He 1 Shen Li 2 Mahdi Soltanolkotabi 1 Salman Avestimehr 1 Abstract the-art convolutional networks ResNet-152 (He et al., 2016) and EfficientNet (Tan & Le, 2019). To tackle the growth in The size of Transformer models is growing at an model sizes, researchers have proposed various distributed unprecedented rate. It has taken less than one training techniques, including parameter servers (Li et al., year to reach trillion-level parameters since the 2014; Jiang et al., 2020; Kim et al., 2019), pipeline paral- release of GPT-3 (175B). Training such models lel (Huang et al., 2019; Park et al., 2020; Narayanan et al., requires both substantial engineering efforts and 2019), intra-layer parallel (Lepikhin et al., 2020; Shazeer enormous computing resources, which are luxu- et al., 2018; Shoeybi et al., 2019), and zero redundancy data ries most research teams cannot afford. In this parallel (Rajbhandari et al., 2019). paper, we propose PipeTransformer, which leverages automated elastic pipelining for effi- T0 (0% trained) T1 (35% trained) T2 (75% trained) T3 (100% trained) cient distributed training of Transformer models. In PipeTransformer, we design an adaptive on the fly freeze algorithm that can identify and freeze some layers gradually during training, and an elastic pipelining system that can dynamically Layer (end of training) Layer (end of training) Layer (end of training) Layer (end of training) Similarity score allocate resources to train the remaining active layers. More specifically, PipeTransformer automatically excludes frozen layers from the Figure 1. Interpretable Freeze Training: DNNs converge bottom pipeline, packs active layers into fewer GPUs, up (Results on CIFAR10 using ResNet).
    [Show full text]
  • 1 Convolution
    CS1114 Section 6: Convolution February 27th, 2013 1 Convolution Convolution is an important operation in signal and image processing. Convolution op- erates on two signals (in 1D) or two images (in 2D): you can think of one as the \input" signal (or image), and the other (called the kernel) as a “filter” on the input image, pro- ducing an output image (so convolution takes two images as input and produces a third as output). Convolution is an incredibly important concept in many areas of math and engineering (including computer vision, as we'll see later). Definition. Let's start with 1D convolution (a 1D \image," is also known as a signal, and can be represented by a regular 1D vector in Matlab). Let's call our input vector f and our kernel g, and say that f has length n, and g has length m. The convolution f ∗ g of f and g is defined as: m X (f ∗ g)(i) = g(j) · f(i − j + m=2) j=1 One way to think of this operation is that we're sliding the kernel over the input image. For each position of the kernel, we multiply the overlapping values of the kernel and image together, and add up the results. This sum of products will be the value of the output image at the point in the input image where the kernel is centered. Let's look at a simple example. Suppose our input 1D image is: f = 10 50 60 10 20 40 30 and our kernel is: g = 1=3 1=3 1=3 Let's call the output image h.
    [Show full text]
  • Deep Clustering with Convolutional Autoencoders
    Deep Clustering with Convolutional Autoencoders Xifeng Guo1, Xinwang Liu1, En Zhu1, and Jianping Yin2 1 College of Computer, National University of Defense Technology, Changsha, 410073, China [email protected] 2 State Key Laboratory of High Performance Computing, National University of Defense Technology, Changsha, 410073, China Abstract. Deep clustering utilizes deep neural networks to learn fea- ture representation that is suitable for clustering tasks. Though demon- strating promising performance in various applications, we observe that existing deep clustering algorithms either do not well take advantage of convolutional neural networks or do not considerably preserve the local structure of data generating distribution in the learned feature space. To address this issue, we propose a deep convolutional embedded clus- tering algorithm in this paper. Specifically, we develop a convolutional autoencoders structure to learn embedded features in an end-to-end way. Then, a clustering oriented loss is directly built on embedded features to jointly perform feature refinement and cluster assignment. To avoid feature space being distorted by the clustering loss, we keep the decoder remained which can preserve local structure of data in feature space. In sum, we simultaneously minimize the reconstruction loss of convolutional autoencoders and the clustering loss. The resultant optimization prob- lem can be effectively solved by mini-batch stochastic gradient descent and back-propagation. Experiments on benchmark datasets empirically validate
    [Show full text]
  • Tensorizing Neural Networks
    Tensorizing Neural Networks Alexander Novikov1;4 Dmitry Podoprikhin1 Anton Osokin2 Dmitry Vetrov1;3 1Skolkovo Institute of Science and Technology, Moscow, Russia 2INRIA, SIERRA project-team, Paris, France 3National Research University Higher School of Economics, Moscow, Russia 4Institute of Numerical Mathematics of the Russian Academy of Sciences, Moscow, Russia [email protected] [email protected] [email protected] [email protected] Abstract Deep neural networks currently demonstrate state-of-the-art performance in sev- eral domains. At the same time, models of this class are very demanding in terms of computational resources. In particular, a large amount of memory is required by commonly used fully-connected layers, making it hard to use the models on low-end devices and stopping the further increase of the model size. In this paper we convert the dense weight matrices of the fully-connected layers to the Tensor Train [17] format such that the number of parameters is reduced by a huge factor and at the same time the expressive power of the layer is preserved. In particular, for the Very Deep VGG networks [21] we report the compression factor of the dense weight matrix of a fully-connected layer up to 200000 times leading to the compression factor of the whole network up to 7 times. 1 Introduction Deep neural networks currently demonstrate state-of-the-art performance in many domains of large- scale machine learning, such as computer vision, speech recognition, text processing, etc. These advances have become possible because of algorithmic advances, large amounts of available data, and modern hardware.
    [Show full text]
  • Fully Convolutional Mesh Autoencoder Using Efficient Spatially Varying Kernels
    Fully Convolutional Mesh Autoencoder using Efficient Spatially Varying Kernels Yi Zhou∗ Chenglei Wu Adobe Research Facebook Reality Labs Zimo Li Chen Cao Yuting Ye University of Southern California Facebook Reality Labs Facebook Reality Labs Jason Saragih Hao Li Yaser Sheikh Facebook Reality Labs Pinscreen Facebook Reality Labs Abstract Learning latent representations of registered meshes is useful for many 3D tasks. Techniques have recently shifted to neural mesh autoencoders. Although they demonstrate higher precision than traditional methods, they remain unable to capture fine-grained deformations. Furthermore, these methods can only be applied to a template-specific surface mesh, and is not applicable to more general meshes, like tetrahedrons and non-manifold meshes. While more general graph convolution methods can be employed, they lack performance in reconstruction precision and require higher memory usage. In this paper, we propose a non-template-specific fully convolutional mesh autoencoder for arbitrary registered mesh data. It is enabled by our novel convolution and (un)pooling operators learned with globally shared weights and locally varying coefficients which can efficiently capture the spatially varying contents presented by irregular mesh connections. Our model outperforms state-of-the-art methods on reconstruction accuracy. In addition, the latent codes of our network are fully localized thanks to the fully convolutional structure, and thus have much higher interpolation capability than many traditional 3D mesh generation models. 1 Introduction arXiv:2006.04325v2 [cs.CV] 21 Oct 2020 Learning latent representations for registered meshes 2, either from performance capture or physical simulation, is a core component for many 3D tasks, ranging from compressing and reconstruction to animation and simulation.
    [Show full text]
  • Exposing Deepfake Videos by Detecting Face Warping Artifacts
    Exposing DeepFake Videos By Detecting Face Warping Artifacts Yuezun Li, Siwei Lyu Computer Science Department University at Albany, State University of New York, USA Abstract sibility to large-volume training data and high-throughput computing power, but more to the growth of machine learn- In this work, we describe a new deep learning based ing and computer vision techniques that eliminate the need method that can effectively distinguish AI-generated fake for manual editing steps. videos (referred to as DeepFake videos hereafter) from real In particular, a new vein of AI-based fake video gen- videos. Our method is based on the observations that cur- eration methods known as DeepFake has attracted a lot rent DeepFake algorithm can only generate images of lim- of attention recently. It takes as input a video of a spe- ited resolutions, which need to be further warped to match cific individual (’target’), and outputs another video with the original faces in the source video. Such transforms leave the target’s faces replaced with those of another individ- distinctive artifacts in the resulting DeepFake videos, and ual (’source’). The backbone of DeepFake are deep neu- we show that they can be effectively captured by convo- ral networks trained on face images to automatically map lutional neural networks (CNNs). Compared to previous the facial expressions of the source to the target. With methods which use a large amount of real and DeepFake proper post-processing, the resulting videos can achieve a generated images to train CNN classifier, our method does high level of realism. not need DeepFake generated images as negative training In this paper, we describe a new deep learning based examples since we target the artifacts in affine face warp- method that can effectively distinguish DeepFake videos ing as the distinctive feature to distinguish real and fake from the real ones.
    [Show full text]
  • JCS Deepfake
    Don’t Believe Your Eyes (Or Ears): The Weaponization of Artificial Intelligence, Machine Learning, and Deepfakes Joe Littell 1 Agenda ØIntroduction ØWhat is A.I.? ØWhat is a DeepFake? ØHow is a DeepFake created? ØVisual Manipulation ØAudio Manipulation ØForgery ØData Poisoning ØConclusion ØQuestions 2 Introduction Deniss Metsavas, an Estonian soldier convicted of spying for Russia’s military intelligence service after being framed for a rape in Russia. (Picture from Daniel Lombroso / The Atlantic) 3 What is A.I.? …and what is it not? General Artificial Intelligence (AI) • Machine (or Statistical) Learning (ML) is a subset of AI • ML works through the probability of a new event happening based on previously gained knowledge (Scalable pattern recognition) • ML can be supervised, leaning requiring human input into the data, or unsupervised, requiring no input to the raw data. 4 What is a Deepfake? • Deepfake is a mash up of the words for deep learning, meaning machine learning using a neural network, and fake images/video/audio. § Taken from a Reddit user name who utilized faceswap app for his own ‘productions.’ • Created by the use of two machine learning algorithms, Generative Adversarial Networks, and Auto-Encoders. • Became known for the use in underground pornography using celebrity faces in highly explicit videos. 5 How is a Deepfake created? • Deepfakes are generated using Generative Adversarial Networks, and Auto-Encoders. • These algorithms work through the uses of competing systems, where one creates a fake piece of data and the other is trained to determine if that datatype is fake or not • Think of it like a counterfeiter and a police officer.
    [Show full text]
  • Geometrical Aspects of Statistical Learning Theory
    Geometrical Aspects of Statistical Learning Theory Vom Fachbereich Informatik der Technischen Universit¨at Darmstadt genehmigte Dissertation zur Erlangung des akademischen Grades Doctor rerum naturalium (Dr. rer. nat.) vorgelegt von Dipl.-Phys. Matthias Hein aus Esslingen am Neckar Prufungskommission:¨ Vorsitzender: Prof. Dr. B. Schiele Erstreferent: Prof. Dr. T. Hofmann Korreferent : Prof. Dr. B. Sch¨olkopf Tag der Einreichung: 30.9.2005 Tag der Disputation: 9.11.2005 Darmstadt, 2005 Hochschulkennziffer: D17 Abstract Geometry plays an important role in modern statistical learning theory, and many different aspects of geometry can be found in this fast developing field. This thesis addresses some of these aspects. A large part of this work will be concerned with so called manifold methods, which have recently attracted a lot of interest. The key point is that for a lot of real-world data sets it is natural to assume that the data lies on a low-dimensional submanifold of a potentially high-dimensional Euclidean space. We develop a rigorous and quite general framework for the estimation and ap- proximation of some geometric structures and other quantities of this submanifold, using certain corresponding structures on neighborhood graphs built from random samples of that submanifold. Another part of this thesis deals with the generalizati- on of the maximal margin principle to arbitrary metric spaces. This generalization follows quite naturally by changing the viewpoint on the well-known support vector machines (SVM). It can be shown that the SVM can be seen as an algorithm which applies the maximum margin principle to a subclass of metric spaces. The motivati- on to consider the generalization to arbitrary metric spaces arose by the observation that in practice the condition for the applicability of the SVM is rather difficult to check for a given metric.
    [Show full text]