Its flexible architecture allows for easy deployment of computation across a variety of platforms (CPUs, GPUs, TPUs), and from desktops to clusters of servers to mobile and edge devices.
In March 2018, Google announced TensorFlow.js version 1.0 for machine learning in JavaScript.
In Jan 2019, Google announced TensorFlow 2.0. It became officially available in September 2019.
In May 2019, Google announced TensorFlow Graphics for deep learning in computer graphics.
In May 2017, Google announced the second-generation, as well as the availability of the TPUs in Google Compute Engine. The second-generation TPUs deliver up to 180 teraflops of performance, and when organized into clusters of 64 TPUs, provide up to 11.5 petaflops.
In February 2018, Google announced that they were making TPUs available in beta on the Google Cloud Platform.
In May 2017, Google announced a software stack specifically for mobile development, TensorFlow Lite. In January 2019, the TensorFlow team released a developer preview of the mobile GPU inference engine with OpenGL ES 3.1 Compute Shaders on Android devices and Metal Compute Shaders on iOS devices. In May 2019, Google announced that their TensorFlow Lite Micro (also known as TensorFlow Lite for Microcontrollers) and ARM's uTensor would be merging.
As TensorFlow's market share among research papers was declining to the advantage of PyTorch, the TensorFlow Team announced a release of a new major version of the library in September 2019. TensorFlow 2.0 introduced many changes, the most significant being TensorFlow eager, which changed the automatic differentiation scheme from the static computational graph to the "Define-by-Run" scheme originally made popular by Chainer and later PyTorch. Other major changes included removal of old libraries, cross-compatibility between trained models on different versions of TensorFlow, and significant improvements to the performance on GPU.
TensorFlow includes an “eager execution” mode, which means that operations are evaluated immediately as opposed to being added to a computational graph which is executed later. Code executed eagerly can be examined step-by step-through a debugger, since data is augmented at each line of code rather than later in a computational graph. This execution paradigm is considered to be easier to debug because of its step by step transparency.
In both eager and graph executions, TensorFlow provides an API for distributing computation across multiple devices with various distribution strategies. This distributed computing can often speed up the execution of training and evaluating of TensorFlow models and is a common practice in the field of AI.
In order to assess the performance of machine learning models, TensorFlow gives API access to commonly used metrics. Examples include various accuracy metrics (binary, categorical, sparse categorical) along with other metrics such as Precision, Recall, and Intersection-over-Union (IoU).
TensorFlow serves as a core platform and library for machine learning. TensorFlow's APIs use Keras to allow users to make their own machine-learning models. In addition to building and training their model, TensorFlow can also help load the data to train the model, and deploy it using TensorFlow Serving.
TensorFlow also has a library for machine learning in JavaScript. Using the provided JavaScript APIs, TensorFlow.js allows users to use either Tensorflow.js models or converted models from TensorFlow or TFLite, retrain the given models, and run on the web.
TensorFlow Lite has APIs for mobile apps or embedded devices to generate and deploy TensorFlow models. These models are compressed and optimized in order to be more efficient and have a higher performance on smaller capacity devices.
TensorFlow Extended (abbrev. TFX) provides numerous components to perform all the operations needed for end-to-end production. Components include loading, validating, and transforming data, tuning, training, and evaluating the machine learning model, and pushing the model itself into production.
Google also released Colaboratory, a TensorFlow Jupyter notebook environment that does not require any setup. It runs on Google Cloud and allows users free access to GPUs and the ability to store and share notebooks on Google Drive.
InSpace, a virtual learning platform, used TensorFlow to filter out toxic chat messages in classrooms. Liulishuo, an online English learning platform, utilized TensorFlow to create an adaptive curriculum for each student. TensorFlow was used to accurately assess a student's current abilities, and also helped decide the best future content to show based on those capabilities.
Abadi, Martín; Barham, Paul; Chen, Jianmin; Chen, Zhifeng; Davis, Andy; Dean, Jeffrey; Devin, Matthieu; Ghemawat, Sanjay; Irving, Geoffrey; Isard, Michael; Kudlur, Manjunath; Levenberg, Josh; Monga, Rajat; Moore, Sherry; Murray, Derek G.; Steiner, Benoit; Tucker, Paul; Vasudevan, Vijay; Warden, Pete; Wicke, Martin; Yu, Yuan; Zheng, Xiaoqiang (2016). TensorFlow: A System for Large-Scale Machine Learning (PDF). Proceedings of the 12th USENIX Symposium on Operating Systems Design and Implementation (OSDI ’16). arXiv:1605.08695. Archived (PDF) from the original on December 12, 2020. Retrieved October 26, 2020. https://www.usenix.org/system/files/conference/osdi16/osdi16-abadi.pdf
TensorFlow: Open source machine learning. Google. 2015. Archived from the original on November 11, 2021. "It is machine learning software being used for various kinds of perceptual and language understanding tasks" – Jeffrey Dean, minute 0:47 / 2:17 from YouTube clip https://www.youtube.com/watch?v=oZikw5k_2FM
"Top 30 Open Source Projects". Open Source Project Velocity by CNCF. Archived from the original on September 3, 2023. Retrieved October 12, 2023. https://github.com/cncf/velocity
Video clip by Google about TensorFlow 2015 at minute 0:15/2:17 - TensorFlow: Open source machine learning. Google. 2015. Archived from the original on November 11, 2021. https://www.youtube.com/watch?v=oZikw5k_2FM
Video clip by Google about TensorFlow 2015 at minute 0:26/2:17 - TensorFlow: Open source machine learning. Google. 2015. Archived from the original on November 11, 2021. https://www.youtube.com/watch?v=oZikw5k_2FM
Dean et al 2015, p. 2 - Dean, Jeff; Monga, Rajat; et al. (November 9, 2015). "TensorFlow: Large-scale machine learning on heterogeneous systems" (PDF). TensorFlow.org. Google Research. Archived (PDF) from the original on November 20, 2015. Retrieved November 10, 2015. http://download.tensorflow.org/paper/whitepaper2015.pdf
"Credits". TensorFlow.org. Archived from the original on November 17, 2015. Retrieved November 10, 2015. https://tensorflow.org/about
Metz, Cade (November 9, 2015). "Google Just Open Sourced TensorFlow, Its Artificial Intelligence Engine". Wired. Archived from the original on November 9, 2015. Retrieved November 10, 2015. https://www.wired.com/2015/11/google-open-sources-its-artificial-intelligence-engine/
TensorFlow (September 30, 2019). "TensorFlow 2.0 is now available!". Medium. Archived from the original on October 7, 2019. Retrieved November 24, 2019. https://medium.com/tensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab
"API Documentation". Archived from the original on November 16, 2015. Retrieved June 27, 2018., https://www.tensorflow.org/api_docs/
Dean, Jeff; Monga, Rajat; et al. (November 9, 2015). "TensorFlow: Large-scale machine learning on heterogeneous systems" (PDF). TensorFlow.org. Google Research. Archived (PDF) from the original on November 20, 2015. Retrieved November 10, 2015. /wiki/Jeff_Dean_(computer_scientist)
Perez, Sarah (November 9, 2015). "Google Open-Sources The Machine Learning Tech Behind Google Photos Search, Smart Reply And More". TechCrunch. Archived from the original on November 9, 2015. Retrieved November 11, 2015. https://techcrunch.com/2015/11/09/google-open-sources-the-machine-learning-tech-behind-google-photos-search-smart-reply-and-more/
Oremus, Will (November 9, 2015). "What Is TensorFlow, and Why Is Google So Excited About It?". Slate. Archived from the original on November 10, 2015. Retrieved November 11, 2015. https://www.slate.com/blogs/future_tense/2015/11/09/google_s_tensorflow_is_open_source_and_it_s_about_to_be_a_huge_huge_deal.html
Ward-Bailey, Jeff (November 25, 2015). "Google chairman: We're making 'real progress' on artificial intelligence". CSMonitor. Archived from the original on September 16, 2015. Retrieved November 25, 2015. https://www.csmonitor.com/Technology/2015/0914/Google-chairman-We-re-making-real-progress-on-artificial-intelligence
TensorFlow Developers (2022). "Tensorflow Release 1.0.0". GitHub. doi:10.5281/zenodo.4724125. Archived from the original on February 27, 2021. Retrieved July 24, 2017. https://github.com/tensorflow/tensorflow/blob/07bb8ea2379bd459832b23951fb20ec47f3fdbd4/RELEASE.md
Metz, Cade (November 10, 2015). "TensorFlow, Google's Open Source AI, Points to a Fast-Changing Hardware World". Wired. Archived from the original on November 11, 2015. Retrieved November 11, 2015. https://www.wired.com/2015/11/googles-open-source-ai-tensorflow-signals-fast-changing-hardware-world/
Kudale, Aniket Eknath (June 8, 2020). "Building a Facial Expression Recognition App Using TensorFlow.js". Open Source For U. Archived from the original on October 11, 2024. Retrieved April 19, 2025. https://www.opensourceforu.com/2020/06/building-a-facial-expression-recognition-app-using-tensorflow-js/
MSV, Janakiram (February 24, 2021). "The Ultimate Guide to Machine Learning Frameworks". The New Stack. Archived from the original on December 24, 2024. Retrieved April 19, 2025. https://thenewstack.io/the-ultimate-guide-to-machine-learning-frameworks/
"Introduction to tensors". tensorflow.org. Archived from the original on May 26, 2024. Retrieved March 3, 2024. https://www.tensorflow.org/guide/tensor
Machine Learning: Google I/O 2016 Minute 07:30/44:44 . Archived December 21, 2016, at the Wayback Machine. Retrieved June 5, 2016. https://www.youtube.com/watch?v=Rnm83GqgqPE
TensorFlow (March 30, 2018). "Introducing TensorFlow.js: Machine Learning in Javascript". Medium. Archived from the original on March 30, 2018. Retrieved May 24, 2019. https://medium.com/tensorflow/introducing-tensorflow-js-machine-learning-in-javascript-bf3eab376db
TensorFlow (January 14, 2019). "What's coming in TensorFlow 2.0". Medium. Archived from the original on January 14, 2019. Retrieved May 24, 2019. https://medium.com/tensorflow/whats-coming-in-tensorflow-2-0-d3663832e9b8
TensorFlow (September 30, 2019). "TensorFlow 2.0 is now available!". Medium. Archived from the original on October 7, 2019. Retrieved November 24, 2019. https://medium.com/tensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab
TensorFlow (May 9, 2019). "Introducing TensorFlow Graphics: Computer Graphics Meets Deep Learning". Medium. Archived from the original on May 9, 2019. Retrieved May 24, 2019. https://medium.com/tensorflow/introducing-tensorflow-graphics-computer-graphics-meets-deep-learning-c8e3877b7668
Jouppi, Norm. "Google supercharges machine learning tasks with TPU custom chip". Google Cloud Platform Blog. Archived from the original on May 18, 2016. Retrieved May 19, 2016. /wiki/Norman_Jouppi
"Build and train machine learning models on our new Google Cloud TPUs". Google. May 17, 2017. Archived from the original on May 17, 2017. Retrieved May 18, 2017. https://www.blog.google/topics/google-cloud/google-cloud-offer-tpus-machine-learning/
"Cloud TPU". Google Cloud. Archived from the original on May 17, 2017. Retrieved May 24, 2019. https://cloud.google.com/tpu/
"Cloud TPU machine learning accelerators now available in beta". Google Cloud Platform Blog. Archived from the original on February 12, 2018. Retrieved February 12, 2018. https://cloudplatform.googleblog.com/2018/02/Cloud-TPU-machine-learning-accelerators-now-available-in-beta.html
Kundu, Kishalaya (July 26, 2018). "Google Announces Edge TPU, Cloud IoT Edge at Cloud Next 2018". Beebom. Archived from the original on May 26, 2024. Retrieved February 2, 2019. https://beebom.com/google-announces-edge-tpu-cloud-iot-edge-at-cloud-next-2018/
"Google's new machine learning framework is going to put more AI on your phone". May 17, 2017. Archived from the original on May 17, 2017. Retrieved May 19, 2017. https://www.theverge.com/2017/5/17/15645908/google-ai-tensorflowlite-machine-learning-announcement-io-2017
TensorFlow (January 16, 2019). "TensorFlow Lite Now Faster with Mobile GPUs (Developer Preview)". Medium. Archived from the original on January 16, 2019. Retrieved May 24, 2019. https://medium.com/tensorflow/tensorflow-lite-now-faster-with-mobile-gpus-developer-preview-e15797e6dee7
"uTensor and Tensor Flow Announcement | Mbed". os.mbed.com. Archived from the original on May 9, 2019. Retrieved May 24, 2019. https://os.mbed.com/blog/entry/uTensor-and-Tensor-Flow-Announcement/
He, Horace (October 10, 2019). "The State of Machine Learning Frameworks in 2019". The Gradient. Archived from the original on October 10, 2019. Retrieved May 22, 2020. https://thegradient.pub/state-of-ml-frameworks-2019-pytorch-dominates-research-tensorflow-dominates-industry/
He, Horace (October 10, 2019). "The State of Machine Learning Frameworks in 2019". The Gradient. Archived from the original on October 10, 2019. Retrieved May 22, 2020. https://thegradient.pub/state-of-ml-frameworks-2019-pytorch-dominates-research-tensorflow-dominates-industry/
Ciaramella, Alberto; Ciaramella, Marco (July 2024). Introduction to Artificial Intelligence: from data analysis to generative AI. Intellisemantic Editions. ISBN 9788894787603. 9788894787603
"Introduction to gradients and automatic differentiation". TensorFlow. Archived from the original on October 28, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/guide/autodiff
"Introduction to gradients and automatic differentiation". TensorFlow. Archived from the original on October 28, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/guide/autodiff
"Eager execution | TensorFlow Core". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/guide/eager
"Eager execution | TensorFlow Core". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/guide/eager
"Eager execution | TensorFlow Core". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/guide/eager
"Module: tf.distribute | TensorFlow Core v2.6.1". TensorFlow. Archived from the original on May 26, 2024. Retrieved November 4, 2021. https://www.tensorflow.org/api_docs/python/tf/distribute
"Module: tf.distribute | TensorFlow Core v2.6.1". TensorFlow. Archived from the original on May 26, 2024. Retrieved November 4, 2021. https://www.tensorflow.org/api_docs/python/tf/distribute
Sigeru., Omatu (2014). Distributed Computing and Artificial Intelligence, 11th International Conference. Springer International Publishing. ISBN 978-3-319-07593-8. OCLC 980886715. Archived from the original on May 26, 2024. Retrieved November 4, 2021. 978-3-319-07593-8
"Module: tf.losses | TensorFlow Core v2.6.1". TensorFlow. Archived from the original on October 27, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/api_docs/python/tf/losses
"Module: tf.losses | TensorFlow Core v2.6.1". TensorFlow. Archived from the original on October 27, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/api_docs/python/tf/losses
"Module: tf.metrics | TensorFlow Core v2.6.1". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/api_docs/python/tf/metrics
"Module: tf.nn | TensorFlow Core v2.7.0". TensorFlow. Archived from the original on May 26, 2024. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/python/tf/nn
"Module: tf.nn | TensorFlow Core v2.7.0". TensorFlow. Archived from the original on May 26, 2024. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/python/tf/nn
"Module: tf.optimizers | TensorFlow Core v2.7.0". TensorFlow. Archived from the original on October 30, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/python/tf/optimizers
Dogo, E. M.; Afolabi, O. J.; Nwulu, N. I.; Twala, B.; Aigbavboa, C. O. (December 2018). "A Comparative Analysis of Gradient Descent-Based Optimization Algorithms on Convolutional Neural Networks". 2018 International Conference on Computational Techniques, Electronics and Mechanical Systems (CTEMS). pp. 92–99. doi:10.1109/CTEMS.2018.8769211. ISBN 978-1-5386-7709-4. S2CID 198931032. Archived from the original on May 26, 2024. Retrieved July 25, 2023. 978-1-5386-7709-4
Ciaramella, Alberto; Ciaramella, Marco (July 2024). Introduction to Artificial Intelligence: from data analysis to generative AI. Intellisemantic Editions. ISBN 9788894787603. 9788894787603
"TensorFlow Core | Machine Learning for Beginners and Experts". TensorFlow. Archived from the original on January 20, 2023. Retrieved November 4, 2021. https://www.tensorflow.org/overview
"Introduction to TensorFlow". TensorFlow. Archived from the original on January 20, 2023. Retrieved October 28, 2021. https://www.tensorflow.org/learn
"All symbols in TensorFlow 2 | TensorFlow Core v2.7.0". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/python/tf/all_symbols
"TensorFlow.js". js.tensorflow.org. Archived from the original on May 26, 2024. Retrieved November 6, 2021. https://js.tensorflow.org/
"TensorFlow C++ API Reference | TensorFlow Core v2.7.0". TensorFlow. Archived from the original on January 20, 2023. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/cc
"org.tensorflow | Java". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/api_docs/java/org/tensorflow/package-summary
"API Documentation". Archived from the original on November 16, 2015. Retrieved June 27, 2018., https://www.tensorflow.org/api_docs/
Icaza, Miguel de (February 17, 2018). "TensorFlowSharp: TensorFlow API for .NET languages". GitHub. Archived from the original on July 24, 2017. Retrieved February 18, 2018. https://github.com/migueldeicaza/TensorFlowSharp
Chen, Haiping (December 11, 2018). "TensorFlow.NET: .NET Standard bindings for TensorFlow". GitHub. Archived from the original on July 12, 2019. Retrieved December 11, 2018. https://github.com/SciSharp/TensorFlow.NET
"haskell: Haskell bindings for TensorFlow". tensorflow. February 17, 2018. Archived from the original on July 24, 2017. Retrieved February 18, 2018. https://github.com/tensorflow/haskell
Malmaud, Jon (August 12, 2019). "A Julia wrapper for TensorFlow". GitHub. Archived from the original on July 24, 2017. Retrieved August 14, 2019. operations like sin, * (matrix multiplication), .* (element-wise multiplication), etc [..]. Compare to Python, which requires learning specialized namespaced functions like tf.matmul. https://github.com/malmaud/TensorFlow.jl
"A MATLAB wrapper for TensorFlow Core". GitHub. November 3, 2019. Archived from the original on September 14, 2020. Retrieved February 13, 2020. https://github.com/asteinh/tensorflow.m
"Use TensorFlow from Pascal (FreePascal, Lazarus, etc.)". GitHub. January 19, 2023. Archived from the original on January 20, 2023. Retrieved January 20, 2023. https://github.com/zsoltszakaly/tensorflowforpascal
"tensorflow: TensorFlow for R". RStudio. February 17, 2018. Archived from the original on January 4, 2017. Retrieved February 18, 2018. https://github.com/rstudio/tensorflow
Platanios, Anthony (February 17, 2018). "tensorflow_scala: TensorFlow API for the Scala Programming Language". GitHub. Archived from the original on February 18, 2019. Retrieved February 18, 2018. https://github.com/eaplatanios/tensorflow_scala
"rust: Rust language bindings for TensorFlow". tensorflow. February 17, 2018. Archived from the original on July 24, 2017. Retrieved February 18, 2018. https://github.com/tensorflow/rust
Mazare, Laurent (February 16, 2018). "tensorflow-ocaml: OCaml bindings for TensorFlow". GitHub. Archived from the original on June 11, 2018. Retrieved February 18, 2018. https://github.com/LaurentMazare/tensorflow-ocaml
"fazibear/tensorflow.cr". GitHub. Archived from the original on June 27, 2018. Retrieved October 10, 2018. https://github.com/fazibear/tensorflow.cr
"tensorflow package - github.com/tensorflow/tensorflow/tensorflow/go - pkg.go.dev". pkg.go.dev. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://pkg.go.dev/github.com/tensorflow/tensorflow/tensorflow/go
"Swift for TensorFlow (In Archive Mode)". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/swift/guide/overview
"Introduction to TensorFlow". TensorFlow. Archived from the original on January 20, 2023. Retrieved October 28, 2021. https://www.tensorflow.org/learn
"TensorFlow.js | Machine Learning for JavaScript Developers". TensorFlow. Archived from the original on November 4, 2021. Retrieved October 28, 2021. https://www.tensorflow.org/js
"TensorFlow Lite | ML for Mobile and Edge Devices". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 1, 2021. https://www.tensorflow.org/lite
"TensorFlow Lite". TensorFlow. Archived from the original on November 2, 2021. Retrieved November 1, 2021. https://www.tensorflow.org/lite/guide
"TensorFlow Lite". TensorFlow. Archived from the original on November 2, 2021. Retrieved November 1, 2021. https://www.tensorflow.org/lite/guide
"TensorFlow Extended (TFX) | ML Production Pipelines". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 2, 2021. https://www.tensorflow.org/tfx
"Introduction to TensorFlow". TensorFlow. Archived from the original on January 20, 2023. Retrieved October 28, 2021. https://www.tensorflow.org/learn
"TensorFlow Extended (TFX) | ML Production Pipelines". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 2, 2021. https://www.tensorflow.org/tfx
"Customization basics: tensors and operations | TensorFlow Core". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/tutorials/customization/basics
"Customization basics: tensors and operations | TensorFlow Core". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/tutorials/customization/basics
"Customization basics: tensors and operations | TensorFlow Core". TensorFlow. Archived from the original on November 6, 2021. Retrieved November 6, 2021. https://www.tensorflow.org/tutorials/customization/basics
"Guide | TensorFlow Core". TensorFlow. Archived from the original on July 17, 2019. Retrieved November 4, 2021. https://www.tensorflow.org/guide
"Libraries & extensions". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/resources/libraries-extensions
"Guide | TensorFlow Core". TensorFlow. Archived from the original on July 17, 2019. Retrieved November 4, 2021. https://www.tensorflow.org/guide
"Libraries & extensions". TensorFlow. Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/resources/libraries-extensions
"Colaboratory – Google". research.google.com. Archived from the original on October 24, 2017. Retrieved November 10, 2018. https://research.google.com/colaboratory/faq.html
"Google Colaboratory". colab.research.google.com. Archived from the original on February 3, 2021. Retrieved November 6, 2021. https://colab.research.google.com/
Bradbury, James; Frostig, Roy; Hawkins, Peter; Johnson, Matthew James; Leary, Chris; MacLaurin, Dougal; Necula, George; Paszke, Adam; Vanderplas, Jake; Wanderman-Milne, Skye; Zhang, Qiao (June 18, 2022), "JAX: Autograd and XLA", Astrophysics Source Code Library, Google, Bibcode:2021ascl.soft11002B, archived from the original on June 18, 2022, retrieved June 18, 2022 https://web.archive.org/web/20220618205214/https://github.com/google/jax
"Using JAX to accelerate our research". www.deepmind.com. Archived from the original on June 18, 2022. Retrieved June 18, 2022. https://www.deepmind.com/blog/using-jax-to-accelerate-our-research
"Why is Google's JAX so popular?". Analytics India Magazine. April 25, 2022. Archived from the original on June 18, 2022. Retrieved June 18, 2022. https://analyticsindiamag.com/why-is-googles-jax-so-popular/
Bradbury, James; Frostig, Roy; Hawkins, Peter; Johnson, Matthew James; Leary, Chris; MacLaurin, Dougal; Necula, George; Paszke, Adam; Vanderplas, Jake; Wanderman-Milne, Skye; Zhang, Qiao (June 18, 2022), "JAX: Autograd and XLA", Astrophysics Source Code Library, Google, Bibcode:2021ascl.soft11002B, archived from the original on June 18, 2022, retrieved June 18, 2022 https://web.archive.org/web/20220618205214/https://github.com/google/jax
"Intelligent Scanning Using Deep Learning for MRI". Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://blog.tensorflow.org/2019/03/intelligent-scanning-using-deep-learning.html
"Case Studies and Mentions". TensorFlow. Archived from the original on October 26, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/about/case-studies
"Case Studies and Mentions". TensorFlow. Archived from the original on October 26, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/about/case-studies
"Ranking Tweets with TensorFlow". Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://blog.tensorflow.org/2019/03/ranking-tweets-with-tensorflow.html
"Ranking Tweets with TensorFlow". Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://blog.tensorflow.org/2019/03/ranking-tweets-with-tensorflow.html
"Case Studies and Mentions". TensorFlow. Archived from the original on October 26, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/about/case-studies
Davies, Dave (September 2, 2020). "A Complete Guide to the Google RankBrain Algorithm". Search Engine Journal. Archived from the original on November 6, 2021. Retrieved October 15, 2024. https://www.searchenginejournal.com/google-algorithm-history/rankbrain/
"InSpace: A new video conferencing platform that uses TensorFlow.js for toxicity filters in chat". Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://blog.tensorflow.org/2020/12/inspace-new-video-conferencing-platform-uses-tensorflowjs-for-toxicity-filters-in-chat.html
Xulin. "流利说基于 TensorFlow 的自适应系统实践". Weixin Official Accounts Platform. Archived from the original on November 6, 2021. Retrieved November 4, 2021. http://mp.weixin.qq.com/s?__biz=MzI0NjIzNDkwOA==&mid=2247484035&idx=1&sn=85fa0decac95e359435f68c50865ac0b&chksm=e94328f0de34a1e665e0d809b938efb34f0aa6034391891246fc223b7782ac3bfd6ddd588aa2#rd
Xulin. "流利说基于 TensorFlow 的自适应系统实践". Weixin Official Accounts Platform. Archived from the original on November 6, 2021. Retrieved November 4, 2021. http://mp.weixin.qq.com/s?__biz=MzI0NjIzNDkwOA==&mid=2247484035&idx=1&sn=85fa0decac95e359435f68c50865ac0b&chksm=e94328f0de34a1e665e0d809b938efb34f0aa6034391891246fc223b7782ac3bfd6ddd588aa2#rd
"Case Studies and Mentions". TensorFlow. Archived from the original on October 26, 2021. Retrieved November 4, 2021. https://www.tensorflow.org/about/case-studies
"How Modiface utilized TensorFlow.js in production for AR makeup try on in the browser". Archived from the original on November 4, 2021. Retrieved November 4, 2021. https://blog.tensorflow.org/2020/02/how-modiface-utilized-tensorflowjs-in-ar-makeup-in-browser.html
Byrne, Michael (November 11, 2015). "Google Offers Up Its Entire Machine Learning Library as Open-Source Software". Vice. Archived from the original on January 25, 2021. Retrieved November 11, 2015. https://www.vice.com/en/article/8q8avx/google-offers-up-its-entire-machine-learning-library-as-open-source