a framework for new generation ai research
play

a framework for new-generation AI Research Soumith Chintala, Adam - PowerPoint PPT Presentation

a framework for new-generation AI Research Soumith Chintala, Adam Paszke, Sam Gross & Team Facebook AI Research Paradigm shifts in AI research Active Research & Tools for AI Today's AI Future AI keeping up with change Today's AI


  1. a framework for new-generation AI Research Soumith Chintala, Adam Paszke, Sam Gross & Team Facebook AI Research

  2. Paradigm shifts in AI research

  3. Active Research & Tools for AI Today's AI Future AI keeping up with change

  4. Today's AI DenseCap by Justin Johnson & group https://github.com/jcjohnson/densecap Future AI Tools for AI Today's AI

  5. Today's AI DeepMask by Pedro Pinhero & group Future AI Tools for AI Today's AI

  6. Today's AI Machine Translation Future AI Tools for AI Today's AI

  7. Today's AI Text Classification (sentiment analysis etc.) Text Embeddings Graph embeddings Machine Translation Ads ranking Future AI Tools for AI Today's AI

  8. Today's AI Model BatchNorm Train Model Conv2d Objective ReLU Data Future AI Tools for AI Today's AI

  9. Today's AI Model BatchNorm Train Model Conv2d Objective ReLU Data BatchNorm New Conv2d Prediction Deploy & Use ReLU Data Future AI Tools for AI Today's AI

  10. Today's AI Static datasets + Static model structure BatchNorm Train Model Conv2d Objective ReLU Data BatchNorm New Conv2d Prediction Deploy & Use ReLU Data Future AI Tools for AI Today's AI

  11. Today's AI Static datasets + Static model structure BatchNorm Train Model Conv2d Objective ReLU Data O ffl ine Learning BatchNorm New Conv2d Prediction Deploy & Use ReLU Data Future AI Tools for AI Today's AI

  12. Current AI Research / Future AI Self-driving Cars Future AI Tools for AI Today's AI

  13. Current AI Research / Future AI Agents trained in many environments Cars Video games Internet Future AI Tools for AI Today's AI

  14. Current AI Research / Future AI Dynamic Neural Networks self-adding new memory or layers changing evaluation path based on inputs Future AI Tools for AI Today's AI

  15. Current AI Research / Future AI BatchNorm Live Conv2d Prediction ReLU data Continued Online Learning Future AI Tools for AI Today's AI

  16. Prediction Data-dependent change in model structure Tools for AI Current AI Research / Future AI ReLU R e L U BatchNorm BatchNorm Conv2d C o n v 2 d ReLU ReLU BatchNorm BatchNorm Future AI Conv2d Conv2d ReLU ReLU B a t m c h r o N N o r h m c t a B Conv2d Conv2d ReLU BatchNorm Conv2d Today's AI Sample -1

  17. Current AI Research / Future AI BatchNorm Conv2d ReLU ReLU C o n v BatchNorm 2 B a d t c h N o r R m e Conv2d BatchNorm L ReLU U Conv2d ReLU BatchNorm Conv2d Sample -2 Prediction B a t c h N Conv2d o r m ReLU Data-dependent change in model structure Future AI Tools for AI Today's AI

  18. Prediction Change in model-capacity at runtime Tools for AI Current AI Research / Future AI ReLU ReLU ReLU BatchNorm BatchNorm BatchNorm Conv2d Conv2d Conv2d Future AI ReLU ReLU ReLU BatchNorm BatchNorm BatchNorm Conv2d Conv2d Conv2d ReLU BatchNorm Conv2d Today's AI Sample

  19. Prediction Change in model-capacity at runtime Tools for AI Current AI Research / Future AI ReLU ReLU ReLU ReLU ReLU BatchNorm BatchNorm BatchNorm BatchNorm BatchNorm Conv2d Conv2d Conv2d Conv2d Conv2d Future AI ReLU ReLU ReLU ReLU ReLU BatchNorm BatchNorm BatchNorm BatchNorm BatchNorm Conv2d Conv2d Conv2d Conv2d Conv2d ReLU BatchNorm Conv2d Today's AI Sample

  20. The need for a dynamic framework • Interop with many dynamic environments - Connecting to car sensors should be as easy as training on a dataset - Connect to environments such as OpenAI Universe • Dynamic Neural Networks - Change behavior and structure of neural network at runtime • Minimal Abstractions - more complex AI systems means harder to debug without a simple API Future AI Tools for AI Today's AI

  21. Tools for AI research and deployment Many machine learning tools and deep learning frameworks Future AI Tools for AI Today's AI

  22. Tools for AI research and deployment Static graph frameworks Dynamic graph frameworks define-by-run define-and-run Future AI Tools for AI Today's AI

  23. Dynamic graph Frameworks • Model is constructed on the fly at runtime • Change behavior, structure of model • Imperative style of programming Future AI Tools for AI Today's AI

  24. Overview automatic di ff erentiation Ndarray library gradient based engine with GPU support optimization package Deep Learning Numpy-alternative Reinforcement Learning

  25. ndarray library with GPU support

  26. ndarray library • np.ndarray <-> torch.Tensor • 200+ operations, similar to numpy • very fast acceleration on NVIDIA GPUs

  27. ndarray library PyTorch Numpy

  28. ndarray / Tensor library

  29. ndarray / Tensor library

  30. ndarray / Tensor library

  31. ndarray / Tensor library

  32. NumPy bridge

  33. NumPy bridge Zero memory-copy very e ffi cient

  34. NumPy bridge

  35. NumPy bridge

  36. Seamless GPU Tensors

  37. Seamless GPU Tensors A full suite of high performance Tensor operations on GPU

  38. GPUs are fast • Buy $700 NVIDIA 1080Ti • 100x faster matrix multiply • 10x faster operations in general on matrices

  39. automatic di ff erentiation engine for deep learning and reinforcement learning

  40. Deep Learning Frameworks - Provide gradient computation - Gradient of one variable w.r.t. any variable in graph MM MM Add Tanh

  41. Deep Learning Frameworks - Provide gradient computation - Gradient of one variable w.r.t. any variable in graph d(i2h)/d(W_h) MM MM Add Tanh

  42. Deep Learning Frameworks - Provide gradient computation - Gradient of one variable w.r.t. any variable in graph - Provide integration with high performance DL libraries like CuDNN MM MM d(h2h)/d(W_h) Add Tanh

  43. PyTorch Autograd from torch.autograd import Variable

  44. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10))

  45. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) MM MM prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) i2h = torch.mm(W_x, x.t()) h2h = torch.mm(W_h, prev_h.t())

  46. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) MM MM prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) i2h = torch.mm(W_x, x.t()) h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h

  47. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) MM MM prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) Add i2h = torch.mm(W_x, x.t()) h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h

  48. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) MM MM prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) Add i2h = torch.mm(W_x, x.t()) h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h Tanh next_h = next_h.tanh()

  49. PyTorch Autograd from torch.autograd import Variable x = Variable(torch.randn(1, 10)) MM MM prev_h = Variable(torch.randn(1, 20)) W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) Add i2h = torch.mm(W_x, x.t()) h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h Tanh next_h = next_h.tanh() next_h.backward(torch.ones(1, 20))

  50. side by side: TensorFlow and PyTorch

  51. High performance • Integration of: • CuDNN v6 • NCCL • Intel MKL • 200+ operations, similar to numpy • very fast acceleration on NVIDIA GPUs Upcoming feature: 
 Distributed PyTorch

  52. Planned Feature: JIT Compilation

  53. Compilation benefits Out-of-order Automatic Kernel fusion execution work placement Node 1 ReLU CPU 1 2 3 3 1 2 Node 1 GPU 1 Node 0 BatchNorm GPU 0 Node 1 Node 0 GPU 0 GPU 1 Conv2d Node 0 GPU 0

  54. JIT Compilation • Possible in define-by-run Frameworks • The key idea is deferred or lazy evaluation - y = x + 2 - z = y * y - # nothing is executed yet, but the graph is being constructed - print(z) # now the entire graph is executed: z = (x+2) * (x+2) • We can do just in time compilation on the graph before execution

  55. Lazy Evaluation from torch.autograd import Variable x = Variable(torch.randn(1, 10)) prev_h = Variable(torch.randn(1, 20)) MM MM W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) i2h = torch.mm(W_x, x.t()) Add h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h next_h = next_h.tanh() Tanh next_h.backward(torch.ones(1, 20))

  56. Lazy Evaluation from torch.autograd import Variable x = Variable(torch.randn(1, 10)) prev_h = Variable(torch.randn(1, 20)) MM MM W_h = Variable(torch.randn(20, 20)) W_x = Variable(torch.randn(20, 10)) i2h = torch.mm(W_x, x.t()) Add h2h = torch.mm(W_h, prev_h.t()) next_h = i2h + h2h Graph built but not actually executed next_h = next_h.tanh() Tanh

Download Presentation
Download Policy: The content available on the website is offered to you 'AS IS' for your personal information and use only. It cannot be commercialized, licensed, or distributed on other websites without prior consent from the author. To download a presentation, simply click this link. If you encounter any difficulties during the download process, it's possible that the publisher has removed the file from their server.

Recommend


More recommend