0% found this document useful (0 votes)
2 views

TensorFlow

TensorFlow is an open-source software library developed by Google Brain for machine learning and artificial intelligence, primarily used for training and inference of neural networks. Initially released in 2015, it supports multiple programming languages and platforms, enabling deployment across various devices. Key features include eager execution, auto-differentiation, and a range of APIs for model building, training, and evaluation.
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
2 views

TensorFlow

TensorFlow is an open-source software library developed by Google Brain for machine learning and artificial intelligence, primarily used for training and inference of neural networks. Initially released in 2015, it supports multiple programming languages and platforms, enabling deployment across various devices. Key features include eager execution, auto-differentiation, and a range of APIs for model building, training, and evaluation.
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 14

TensorFlow

TensorFlow is a software library for machine learning


TensorFlow
and artificial intelligence. It can be used across a range
of tasks, but is used mainly for training and inference
of neural networks.[3][4] It is one of the most popular
deep learning frameworks, alongside others such as
PyTorch and PaddlePaddle.[5][6] It is free and open-
source software released under the Apache License 2.0.

It was developed by the Google Brain team for


Google's internal use in research and TensorFlow logo
production. [7][8][9] The initial version was released Developer(s) Google Brain Team[1]
under the Apache License 2.0 in 2015.[1][10] Google Initial release November 9, 2015
released an updated version, TensorFlow 2.0, in
Repository github.com/tensorflow
September 2019.[11]
/tensorflow (https://github.com/t
TensorFlow can be used in a wide variety of ensorflow/tensorflow)

programming languages, including Python, JavaScript, Written in Python, C++, CUDA


C++, and Java,[12] facilitating its use in a range of Platform Linux, macOS, Windows,
applications in many sectors. Android, JavaScript[2]
Type Machine learning library
License Apache 2.0
History
Website tensorflow.org (http://tensorflow.
org)

DistBelief
Starting in 2011, Google Brain built DistBelief as a proprietary machine learning system based on deep
learning neural networks. Its use grew rapidly across diverse Alphabet companies in both research and
commercial applications.[13][14] Google assigned multiple computer scientists, including Jeff Dean, to
simplify and refactor the codebase of DistBelief into a faster, more robust application-grade library,
which became TensorFlow.[15] In 2009, the team, led by Geoffrey Hinton, had implemented generalized
backpropagation and other improvements, which allowed generation of neural networks with
substantially higher accuracy, for instance a 25% reduction in errors in speech recognition.[16]

TensorFlow
TensorFlow is Google Brain's second-generation system. Version 1.0.0 was released on February 11,
2017.[17] While the reference implementation runs on single devices, TensorFlow can run on multiple
CPUs and GPUs (with optional CUDA and SYCL extensions for general-purpose computing on graphics
processing units).[18] TensorFlow is available on 64-bit Linux, macOS, Windows, and mobile computing
platforms including Android and iOS.
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.

TensorFlow computations are expressed as stateful dataflow graphs. The name TensorFlow derives from
the operations that such neural networks perform on multidimensional data arrays, which are referred to
as tensors.[19] During the Google I/O Conference in June 2016, Jeff Dean stated that 1,500 repositories
on GitHub mentioned TensorFlow, of which only 5 were from Google.[20]

In March 2018, Google announced TensorFlow.js version 1.0 for machine learning in JavaScript.[21]

In Jan 2019, Google announced TensorFlow 2.0.[22] It became officially available in September 2019.[11]

In May 2019, Google announced TensorFlow Graphics for deep learning in computer graphics.[23]

Tensor processing unit (TPU)


In May 2016, Google announced its Tensor processing unit (TPU), an application-specific integrated
circuit (ASIC, a hardware chip) built specifically for machine learning and tailored for TensorFlow. A
TPU is a programmable AI accelerator designed to provide high throughput of low-precision arithmetic
(e.g., 8-bit), and oriented toward using or running models rather than training them. Google announced
they had been running TPUs inside their data centers for more than a year, and had found them to deliver
an order of magnitude better-optimized performance per watt for machine learning.[24]

In May 2017, Google announced the second-generation, as well as the availability of the TPUs in Google
Compute Engine.[25] 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 May 2018, Google announced the third-generation TPUs delivering up to 420 teraflops of performance
and 128 GB high bandwidth memory (HBM). Cloud TPU v3 Pods offer 100+ petaflops of performance
and 32 TB HBM.[26]

In February 2018, Google announced that they were making TPUs available in beta on the Google Cloud
Platform.[27]

Edge TPU
In July 2018, the Edge TPU was announced. Edge TPU is Google's purpose-built ASIC chip designed to
run TensorFlow Lite machine learning (ML) models on small client computing devices such as
smartphones[28] known as edge computing.

TensorFlow Lite
In May 2017, Google announced a software stack specifically for mobile development, TensorFlow
Lite.[29] 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.[30] In May 2019, Google announced that their TensorFlow Lite Micro (also known as
TensorFlow Lite for Microcontrollers) and ARM's uTensor would be merging.[31]

TensorFlow 2.0
As TensorFlow's market share among research papers was declining to the advantage of PyTorch,[32] 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.[32] 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.[33]

Features

AutoDifferentiation
AutoDifferentiation is the process of automatically calculating the gradient vector of a model with respect
to each of its parameters. With this feature, TensorFlow can automatically compute the gradients for the
parameters in a model, which is useful to algorithms such as backpropagation which require gradients to
optimize performance.[34] To do so, the framework must keep track of the order of operations done to the
input Tensors in a model, and then compute the gradients with respect to the appropriate parameters.[34]

Eager execution
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.[35] 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.[35] This execution paradigm is considered to be easier to debug
because of its step by step transparency.[35]

Distribute
In both eager and graph executions, TensorFlow provides an API for distributing computation across
multiple devices with various distribution strategies.[36] 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.[36][37]

Losses
To train and assess models, TensorFlow provides a set of loss functions (also known as cost
functions).[38] Some popular examples include mean squared error (MSE) and binary cross entropy
(BCE).[38]

Metrics
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).[39]

TF.nn
TensorFlow.nn is a module for executing primitive neural network operations on models.[40] Some of
these operations include variations of convolutions (1/2/3D, Atrous, depthwise), activation functions
(Softmax, RELU, GELU, Sigmoid, etc.) and their variations, and other operations (max-pooling, bias-
add, etc.).[40]

Optimizers
TensorFlow offers a set of optimizers for training neural networks, including ADAM, ADAGRAD, and
Stochastic Gradient Descent (SGD).[41] When training a model, different optimizers offer different modes
of parameter tuning, often affecting a model's convergence and performance.[42]

Usage and extensions

TensorFlow
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.[33][43] 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.[44]

TensorFlow provides a stable Python Application Program Interface (API),[45] as well as APIs without
backwards compatibility guarantee for Javascript,[46] C++,[47] and Java.[48][12] Third-party language
binding packages are also available for C#,[49][50] Haskell,[51] Julia,[52] MATLAB,[53] Object Pascal,[54]
R,[55] Scala,[56] Rust,[57] OCaml,[58] and Crystal.[59] Bindings that are now archived and unsupported
include Go[60] and Swift.[61]

TensorFlow.js
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.[44][62]

TFLite
TensorFlow Lite has APIs for mobile apps or embedded devices to generate and deploy TensorFlow
models.[63] These models are compressed and optimized in order to be more efficient and have a higher
performance on smaller capacity devices.[64]

TensorFlow Lite uses FlatBuffers as the data serialization format for network models, eschewing the
Protocol Buffers format used by standard TensorFlow models.[64]

TFX
TensorFlow Extended (abbrev. TFX) provides numerous components to perform all the operations needed
for end-to-end production.[65] Components include loading, validating, and transforming data, tuning,
training, and evaluating the machine learning model, and pushing the model itself into production.[44][65]

Integrations

Numpy
Numpy is one of the most popular Python data libraries, and TensorFlow offers integration and
compatibility with its data structures.[66] Numpy NDarrays, the library's native datatype, are
automatically converted to TensorFlow Tensors in TF operations; the same is also true vice versa.[66] This
allows for the two libraries to work in unison without requiring the user to write explicit data conversions.
Moreover, the integration extends to memory optimization by having TF Tensors share the underlying
memory representations of Numpy NDarrays whenever possible.[66]

Extensions
TensorFlow also offers a variety of libraries and extensions to advance and extend the models and
methods used.[67] For example, TensorFlow Recommenders and TensorFlow Graphics are libraries for
their respective functionalities in recommendation systems and graphics, TensorFlow Federated provides
a framework for decentralized data, and TensorFlow Cloud allows users to directly interact with Google
Cloud to integrate their local code to Google Cloud.[68] Other add-ons, libraries, and frameworks include
TensorFlow Model Optimization, TensorFlow Probability, TensorFlow Quantum, and TensorFlow
Decision Forests.[67][68]

Google Colab
Google also released Colaboratory, a TensorFlow Jupyter notebook environment that does not require any
setup.[69] It runs on Google Cloud and allows users free access to GPUs and the ability to store and share
notebooks on Google Drive.[70]

Google JAX
Google JAX is a machine learning framework for transforming numerical functions.[71][72][73] It is
described as bringing together a modified version of autograd (https://github.com/HIPS/autograd)
(automatic obtaining of the gradient function through differentiation of a function) and TensorFlow's
XLA (https://www.tensorflow.org/xla) (Accelerated Linear Algebra). It is designed to follow the structure
and workflow of NumPy as closely as possible and works with TensorFlow as well as other frameworks
such as PyTorch. The primary functions of JAX are:[71]

1. grad: automatic differentiation


2. jit: compilation
3. vmap: auto-vectorization
4. pmap: SPMD programming

Applications

Medical
GE Healthcare used TensorFlow to increase the speed and accuracy of MRIs in identifying specific body
parts.[74] Google used TensorFlow to create DermAssist, a free mobile application that allows users to
take pictures of their skin and identify potential health complications.[75] Sinovation Ventures used
TensorFlow to identify and classify eye diseases from optical coherence tomography (OCT) scans.[75]

Social media
Twitter implemented TensorFlow to rank tweets by importance for a given user, and changed their
platform to show tweets in order of this ranking.[76] Previously, tweets were simply shown in reverse
chronological order.[76] The photo sharing app VSCO used TensorFlow to help suggest custom filters for
photos.[75]

Search Engine
Google officially released RankBrain on October 26, 2015, backed by TensorFlow.[77]

Education
InSpace, a virtual learning platform, used TensorFlow to filter out toxic chat messages in classrooms.[78]
Liulishuo, an online English learning platform, utilized TensorFlow to create an adaptive curriculum for
each student.[79] 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.[79]

Retail
The e-commerce platform Carousell used TensorFlow to provide personalized recommendations for
customers.[75] The cosmetics company ModiFace used TensorFlow to create an augmented reality
experience for customers to test various shades of make-up on their face.[80]

Research
TensorFlow is the foundation for the automated image-captioning software DeepDream.[81]
2016 comparison of original photo (left) and with TensorFlow neural style applied (right)

See also
Free and open-
source software
portal

Comparison of deep learning software


Differentiable programming
Keras

References
1. "Credits" (https://tensorflow.org/about). TensorFlow.org. Archived (https://web.archive.org/we
b/20151117032147/https://tensorflow.org/about) from the original on November 17, 2015.
Retrieved November 10, 2015.
2. "TensorFlow.js" (https://js.tensorflow.org/faq/). Archived (https://web.archive.org/web/201805
06083002/https://js.tensorflow.org/faq/) from the original on May 6, 2018. Retrieved June 28,
2018.
3. 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 (https://www.usenix.org/system/fil
es/conference/osdi16/osdi16-abadi.pdf) (PDF). Proceedings of the 12th USENIX
Symposium on Operating Systems Design and Implementation (OSDI ’16).
arXiv:1605.08695 (https://arxiv.org/abs/1605.08695). Archived (https://web.archive.org/web/
20201212042511/https://www.usenix.org/system/files/conference/osdi16/osdi16-abadi.pdf)
(PDF) from the original on December 12, 2020. Retrieved October 26, 2020.
4. TensorFlow: Open source machine learning (https://www.youtube.com/watch?v=oZikw5k_2
FM). Google. 2015. Archived (https://ghostarchive.org/varchive/youtube/20211111/oZikw5k_
2FM) 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
5. "Top 30 Open Source Projects" (https://github.com/cncf/velocity). Open Source Project
Velocity by CNCF. Retrieved October 12, 2023.
6. "Welcome to the PaddlePaddle GitHub" (https://github.com/PaddlePaddle/Paddle).
PaddlePaddle Official Github Repo. Retrieved October 28, 2024.
7. Video clip by Google about TensorFlow 2015 at minute 0:15/2:17
8. Video clip by Google about TensorFlow 2015 at minute 0:26/2:17
9. Dean et al 2015, p. 2
10. Metz, Cade (November 9, 2015). "Google Just Open Sourced TensorFlow, Its Artificial
Intelligence Engine" (https://www.wired.com/2015/11/google-open-sources-its-artificial-intelli
gence-engine/). Wired. Archived (https://web.archive.org/web/20151109142618/https://www.
wired.com/2015/11/google-open-sources-its-artificial-intelligence-engine/) from the original
on November 9, 2015. Retrieved November 10, 2015.
11. TensorFlow (September 30, 2019). "TensorFlow 2.0 is now available!" (https://medium.com/t
ensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab). Medium. Archived (https://web.ar
chive.org/web/20191007214705/https://medium.com/tensorflow/tensorflow-2-0-is-now-avail
able-57d706c2a9ab) from the original on October 7, 2019. Retrieved November 24, 2019.
12. "API Documentation" (https://www.tensorflow.org/api_docs/). Archived (https://web.archive.o
rg/web/20151116154736/https://www.tensorflow.org/api_docs/) from the original on
November 16, 2015. Retrieved June 27, 2018.,
13. Dean, Jeff; Monga, Rajat; et al. (November 9, 2015). "TensorFlow: Large-scale machine
learning on heterogeneous systems" (http://download.tensorflow.org/paper/whitepaper2015.
pdf) (PDF). TensorFlow.org. Google Research. Archived (https://web.archive.org/web/20151
120004649/http://download.tensorflow.org/paper/whitepaper2015.pdf) (PDF) from the
original on November 20, 2015. Retrieved November 10, 2015.
14. Perez, Sarah (November 9, 2015). "Google Open-Sources The Machine Learning Tech
Behind Google Photos Search, Smart Reply And More" (https://techcrunch.com/2015/11/09/
google-open-sources-the-machine-learning-tech-behind-google-photos-search-smart-reply-
and-more/). TechCrunch. Archived (https://web.archive.org/web/20151109150138/https://tec
hcrunch.com/2015/11/09/google-open-sources-the-machine-learning-tech-behind-google-ph
otos-search-smart-reply-and-more/) from the original on November 9, 2015. Retrieved
November 11, 2015.
15. Oremus, Will (November 9, 2015). "What Is TensorFlow, and Why Is Google So Excited
About It?" (https://www.slate.com/blogs/future_tense/2015/11/09/google_s_tensorflow_is_op
en_source_and_it_s_about_to_be_a_huge_huge_deal.html). Slate. Archived (https://web.ar
chive.org/web/20151110021146/https://www.slate.com/blogs/future_tense/2015/11/09/googl
e_s_tensorflow_is_open_source_and_it_s_about_to_be_a_huge_huge_deal.html) from the
original on November 10, 2015. Retrieved November 11, 2015.
16. Ward-Bailey, Jeff (November 25, 2015). "Google chairman: We're making 'real progress' on
artificial intelligence" (https://www.csmonitor.com/Technology/2015/0914/Google-chairman-
We-re-making-real-progress-on-artificial-intelligence). CSMonitor. Archived (https://web.arch
ive.org/web/20150916223243/https://www.csmonitor.com/Technology/2015/0914/Google-ch
airman-We-re-making-real-progress-on-artificial-intelligence) from the original on September
16, 2015. Retrieved November 25, 2015.
17. TensorFlow Developers (2022). "Tensorflow Release 1.0.0" (https://github.com/tensorflow/te
nsorflow/blob/07bb8ea2379bd459832b23951fb20ec47f3fdbd4/RELEASE.md). GitHub.
doi:10.5281/zenodo.4724125 (https://doi.org/10.5281%2Fzenodo.4724125). Archived (http
s://web.archive.org/web/20210227171533/https://github.com/tensorflow/tensorflow/blob/07b
b8ea2379bd459832b23951fb20ec47f3fdbd4/RELEASE.md) from the original on February
27, 2021. Retrieved July 24, 2017.
18. Metz, Cade (November 10, 2015). "TensorFlow, Google's Open Source AI, Points to a Fast-
Changing Hardware World" (https://www.wired.com/2015/11/googles-open-source-ai-tensorf
low-signals-fast-changing-hardware-world/). Wired. Archived (https://web.archive.org/web/2
0151111163641/http://www.wired.com/2015/11/googles-open-source-ai-tensorflow-signals-f
ast-changing-hardware-world/) from the original on November 11, 2015. Retrieved
November 11, 2015.
19. "Introduction to tensors" (https://www.tensorflow.org/guide/tensor). tensorflow.org. Archived
(https://web.archive.org/web/20240526120806/https://www.tensorflow.org/guide/tensor)
from the original on May 26, 2024. Retrieved March 3, 2024.
20. Machine Learning: Google I/O 2016 Minute 07:30/44:44 (https://www.youtube.com/watch?v
=Rnm83GqgqPE). Archived (https://web.archive.org/web/20161221095258/https://www.yout
ube.com/watch?v=Rnm83GqgqPE) December 21, 2016, at the Wayback Machine.
Retrieved 5 June 2016.
21. TensorFlow (March 30, 2018). "Introducing TensorFlow.js: Machine Learning in Javascript"
(https://medium.com/tensorflow/introducing-tensorflow-js-machine-learning-in-javascript-bf3
eab376db). Medium. Archived (https://web.archive.org/web/20180330180144/https://mediu
m.com/tensorflow/introducing-tensorflow-js-machine-learning-in-javascript-bf3eab376db)
from the original on March 30, 2018. Retrieved May 24, 2019.
22. TensorFlow (January 14, 2019). "What's coming in TensorFlow 2.0" (https://medium.com/ten
sorflow/whats-coming-in-tensorflow-2-0-d3663832e9b8). Medium. Archived (https://web.arc
hive.org/web/20190114181937/https://medium.com/tensorflow/whats-coming-in-tensorflow-
2-0-d3663832e9b8) from the original on January 14, 2019. Retrieved May 24, 2019.
23. TensorFlow (May 9, 2019). "Introducing TensorFlow Graphics: Computer Graphics Meets
Deep Learning" (https://medium.com/tensorflow/introducing-tensorflow-graphics-computer-g
raphics-meets-deep-learning-c8e3877b7668). Medium. Archived (https://web.archive.org/we
b/20190509204620/https://medium.com/tensorflow/introducing-tensorflow-graphics-compute
r-graphics-meets-deep-learning-c8e3877b7668) from the original on May 9, 2019. Retrieved
May 24, 2019.
24. Jouppi, Norm. "Google supercharges machine learning tasks with TPU custom chip" (https://
cloudplatform.googleblog.com/2016/05/Google-supercharges-machine-learning-tasks-with-c
ustom-chip.html). Google Cloud Platform Blog. Archived (https://web.archive.org/web/20160
518201516/https://cloudplatform.googleblog.com/2016/05/Google-supercharges-machine-le
arning-tasks-with-custom-chip.html) from the original on May 18, 2016. Retrieved May 19,
2016.
25. "Build and train machine learning models on our new Google Cloud TPUs" (https://www.blo
g.google/topics/google-cloud/google-cloud-offer-tpus-machine-learning/). Google. May 17,
2017. Archived (https://web.archive.org/web/20170517182035/https://blog.google/topics/goo
gle-cloud/google-cloud-offer-tpus-machine-learning/) from the original on May 17, 2017.
Retrieved May 18, 2017.
26. "Cloud TPU" (https://cloud.google.com/tpu/). Google Cloud. Archived (https://web.archive.or
g/web/20170517174135/https://cloud.google.com/tpu/) from the original on May 17, 2017.
Retrieved May 24, 2019.
27. "Cloud TPU machine learning accelerators now available in beta" (https://cloudplatform.goo
gleblog.com/2018/02/Cloud-TPU-machine-learning-accelerators-now-available-in-beta.htm
l). Google Cloud Platform Blog. Archived (https://web.archive.org/web/20180212141508/http
s://cloudplatform.googleblog.com/2018/02/Cloud-TPU-machine-learning-accelerators-now-a
vailable-in-beta.html) from the original on February 12, 2018. Retrieved February 12, 2018.
28. Kundu, Kishalaya (July 26, 2018). "Google Announces Edge TPU, Cloud IoT Edge at Cloud
Next 2018" (https://beebom.com/google-announces-edge-tpu-cloud-iot-edge-at-cloud-next-2
018/). Beebom. Archived (https://web.archive.org/web/20240526120854/https://beebom.co
m/google-announces-edge-tpu-cloud-iot-edge-at-cloud-next-2018/) from the original on May
26, 2024. Retrieved February 2, 2019.
29. "Google's new machine learning framework is going to put more AI on your phone" (https://w
ww.theverge.com/2017/5/17/15645908/google-ai-tensorflowlite-machine-learning-announce
ment-io-2017). May 17, 2017. Archived (https://web.archive.org/web/20170517233339/http
s://www.theverge.com/2017/5/17/15645908/google-ai-tensorflowlite-machine-learning-anno
uncement-io-2017) from the original on May 17, 2017. Retrieved May 19, 2017.
30. TensorFlow (January 16, 2019). "TensorFlow Lite Now Faster with Mobile GPUs (Developer
Preview)" (https://medium.com/tensorflow/tensorflow-lite-now-faster-with-mobile-gpus-devel
oper-preview-e15797e6dee7). Medium. Archived (https://web.archive.org/web/20190116183
459/https://medium.com/tensorflow/tensorflow-lite-now-faster-with-mobile-gpus-developer-pr
eview-e15797e6dee7) from the original on January 16, 2019. Retrieved May 24, 2019.
31. "uTensor and Tensor Flow Announcement | Mbed" (https://os.mbed.com/blog/entry/uTensor-
and-Tensor-Flow-Announcement/). os.mbed.com. Archived (https://web.archive.org/web/201
90509195115/https://os.mbed.com/blog/entry/uTensor-and-Tensor-Flow-Announcement/)
from the original on May 9, 2019. Retrieved May 24, 2019.
32. He, Horace (October 10, 2019). "The State of Machine Learning Frameworks in 2019" (http
s://thegradient.pub/state-of-ml-frameworks-2019-pytorch-dominates-research-tensorflow-do
minates-industry/). The Gradient. Archived (https://web.archive.org/web/20191010161542/ht
tps://thegradient.pub/state-of-ml-frameworks-2019-pytorch-dominates-research-tensorflow-d
ominates-industry/) from the original on October 10, 2019. Retrieved May 22, 2020.
33. Ciaramella, Alberto; Ciaramella, Marco (July 2024). Introduction to Artificial Intelligence:
from data analysis to generative AI. Intellisemantic Editions. ISBN 9788894787603.
34. "Introduction to gradients and automatic differentiation" (https://www.tensorflow.org/guide/au
todiff). TensorFlow. Archived (https://web.archive.org/web/20211028054417/https://www.ten
sorflow.org/guide/autodiff) from the original on October 28, 2021. Retrieved November 4,
2021.
35. "Eager execution | TensorFlow Core" (https://www.tensorflow.org/guide/eager). TensorFlow.
Archived (https://web.archive.org/web/20211104011333/https://www.tensorflow.org/guide/ea
ger) from the original on November 4, 2021. Retrieved November 4, 2021.
36. "Module: tf.distribute | TensorFlow Core v2.6.1" (https://www.tensorflow.org/api_docs/pytho
n/tf/distribute). TensorFlow. Archived (https://web.archive.org/web/20240526120808/https://
www.tensorflow.org/api_docs/python/tf/distribute) from the original on May 26, 2024.
Retrieved November 4, 2021.
37. Sigeru., Omatu (2014). Distributed Computing and Artificial Intelligence, 11th International
Conference (http://worldcat.org/oclc/980886715). Springer International Publishing.
ISBN 978-3-319-07593-8. OCLC 980886715 (https://search.worldcat.org/oclc/980886715).
Archived (https://web.archive.org/web/20240526120810/https://search.worldcat.org/title/980
886715) from the original on May 26, 2024. Retrieved November 4, 2021.
38. "Module: tf.losses | TensorFlow Core v2.6.1" (https://www.tensorflow.org/api_docs/python/tf/l
osses). TensorFlow. Archived (https://web.archive.org/web/20211027133546/https://www.te
nsorflow.org/api_docs/python/tf/losses) from the original on October 27, 2021. Retrieved
November 4, 2021.
39. "Module: tf.metrics | TensorFlow Core v2.6.1" (https://www.tensorflow.org/api_docs/python/t
f/metrics). TensorFlow. Archived (https://web.archive.org/web/20211104011333/https://www.
tensorflow.org/api_docs/python/tf/metrics) from the original on November 4, 2021. Retrieved
November 4, 2021.
40. "Module: tf.nn | TensorFlow Core v2.7.0" (https://www.tensorflow.org/api_docs/python/tf/nn).
TensorFlow. Archived (https://web.archive.org/web/20240526120809/https://www.tensorflow.
org/api_docs/python/tf/nn) from the original on May 26, 2024. Retrieved November 6, 2021.
41. "Module: tf.optimizers | TensorFlow Core v2.7.0" (https://www.tensorflow.org/api_docs/pytho
n/tf/optimizers). TensorFlow. Archived (https://web.archive.org/web/20211030152658/https://
www.tensorflow.org/api_docs/python/tf/optimizers) from the original on October 30, 2021.
Retrieved November 6, 2021.
42. 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" (https://ieeexplore.ieee.org/document/8769211). 2018 International
Conference on Computational Techniques, Electronics and Mechanical Systems (CTEMS).
pp. 92–99. doi:10.1109/CTEMS.2018.8769211 (https://doi.org/10.1109%2FCTEMS.2018.87
69211). ISBN 978-1-5386-7709-4. S2CID 198931032 (https://api.semanticscholar.org/Corpu
sID:198931032). Archived (https://web.archive.org/web/20240526120806/https://ieeexplore.i
eee.org/document/8769211) from the original on May 26, 2024. Retrieved July 25, 2023.
43. "TensorFlow Core | Machine Learning for Beginners and Experts" (https://www.tensorflow.or
g/overview). TensorFlow. Archived (https://web.archive.org/web/20230120082541/https://ww
w.tensorflow.org/overview) from the original on January 20, 2023. Retrieved November 4,
2021.
44. "Introduction to TensorFlow" (https://www.tensorflow.org/learn). TensorFlow. Archived (http
s://web.archive.org/web/20230120082541/https://www.tensorflow.org/learn) from the original
on January 20, 2023. Retrieved October 28, 2021.
45. "All symbols in TensorFlow 2 | TensorFlow Core v2.7.0" (https://www.tensorflow.org/api_doc
s/python/tf/all_symbols). TensorFlow. Archived (https://web.archive.org/web/2021110605552
7/https://www.tensorflow.org/api_docs/python/tf/all_symbols) from the original on November
6, 2021. Retrieved November 6, 2021.
46. "TensorFlow.js" (https://js.tensorflow.org/). js.tensorflow.org. Archived (https://web.archive.or
g/web/20240526120808/https://www.tensorflow.org/js) from the original on May 26, 2024.
Retrieved November 6, 2021.
47. "TensorFlow C++ API Reference | TensorFlow Core v2.7.0" (https://www.tensorflow.org/api_
docs/cc). TensorFlow. Archived (https://web.archive.org/web/20230120082630/https://www.t
ensorflow.org/api_docs/cc) from the original on January 20, 2023. Retrieved November 6,
2021.
48. "org.tensorflow | Java" (https://www.tensorflow.org/api_docs/java/org/tensorflow/package-su
mmary). TensorFlow. Archived (https://web.archive.org/web/20211106054023/https://www.te
nsorflow.org/api_docs/java/org/tensorflow/package-summary) from the original on
November 6, 2021. Retrieved November 6, 2021.
49. Icaza, Miguel de (February 17, 2018). "TensorFlowSharp: TensorFlow API for .NET
languages" (https://github.com/migueldeicaza/TensorFlowSharp). GitHub. Archived (https://
web.archive.org/web/20170724080201/https://github.com/migueldeicaza/TensorFlowSharp)
from the original on July 24, 2017. Retrieved February 18, 2018.
50. Chen, Haiping (December 11, 2018). "TensorFlow.NET: .NET Standard bindings for
TensorFlow" (https://github.com/SciSharp/TensorFlow.NET). GitHub. Archived (https://web.a
rchive.org/web/20190712123610/https://github.com/SciSharp/TensorFlow.NET) from the
original on July 12, 2019. Retrieved December 11, 2018.
51. "haskell: Haskell bindings for TensorFlow" (https://github.com/tensorflow/haskell).
tensorflow. February 17, 2018. Archived (https://web.archive.org/web/20170724080229/http
s://github.com/tensorflow/haskell) from the original on July 24, 2017. Retrieved February 18,
2018.
52. Malmaud, Jon (August 12, 2019). "A Julia wrapper for TensorFlow" (https://github.com/malm
aud/TensorFlow.jl). GitHub. Archived (https://web.archive.org/web/20170724080234/https://g
ithub.com/malmaud/TensorFlow.jl) 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."
53. "A MATLAB wrapper for TensorFlow Core" (https://github.com/asteinh/tensorflow.m).
GitHub. November 3, 2019. Archived (https://web.archive.org/web/20200914161638/https://
github.com/asteinh/tensorflow.m) from the original on September 14, 2020. Retrieved
February 13, 2020.
54. "Use TensorFlow from Pascal (FreePascal, Lazarus, etc.)" (https://github.com/zsoltszakaly/t
ensorflowforpascal). GitHub. January 19, 2023. Archived (https://web.archive.org/web/2023
0120083754/https://github.com/zsoltszakaly/tensorflowforpascal) from the original on
January 20, 2023. Retrieved January 20, 2023.
55. "tensorflow: TensorFlow for R" (https://github.com/rstudio/tensorflow). RStudio. February 17,
2018. Archived (https://web.archive.org/web/20170104081359/https://github.com/rstudio/ten
sorflow) from the original on January 4, 2017. Retrieved February 18, 2018.
56. Platanios, Anthony (February 17, 2018). "tensorflow_scala: TensorFlow API for the Scala
Programming Language" (https://github.com/eaplatanios/tensorflow_scala). GitHub.
Archived (https://web.archive.org/web/20190218035307/https://github.com/eaplatanios/tens
orflow_scala) from the original on February 18, 2019. Retrieved February 18, 2018.
57. "rust: Rust language bindings for TensorFlow" (https://github.com/tensorflow/rust).
tensorflow. February 17, 2018. Archived (https://web.archive.org/web/20170724080245/http
s://github.com/tensorflow/rust) from the original on July 24, 2017. Retrieved February 18,
2018.
58. Mazare, Laurent (February 16, 2018). "tensorflow-ocaml: OCaml bindings for TensorFlow"
(https://github.com/LaurentMazare/tensorflow-ocaml). GitHub. Archived (https://web.archive.
org/web/20180611155059/https://github.com/LaurentMazare/tensorflow-ocaml) from the
original on June 11, 2018. Retrieved February 18, 2018.
59. "fazibear/tensorflow.cr" (https://github.com/fazibear/tensorflow.cr). GitHub. Archived (https://
web.archive.org/web/20180627120743/https://github.com/fazibear/tensorflow.cr) from the
original on June 27, 2018. Retrieved October 10, 2018.
60. "tensorflow package - github.com/tensorflow/tensorflow/tensorflow/go - pkg.go.dev" (https://
pkg.go.dev/github.com/tensorflow/tensorflow/tensorflow/go). pkg.go.dev. Archived (https://w
eb.archive.org/web/20211106054028/https://pkg.go.dev/github.com/tensorflow/tensorflow/te
nsorflow/go) from the original on November 6, 2021. Retrieved November 6, 2021.
61. "Swift for TensorFlow (In Archive Mode)" (https://www.tensorflow.org/swift/guide/overview).
TensorFlow. Archived (https://web.archive.org/web/20211106054024/https://www.tensorflow.
org/swift/guide/overview) from the original on November 6, 2021. Retrieved November 6,
2021.
62. "TensorFlow.js | Machine Learning for JavaScript Developers" (https://www.tensorflow.org/j
s). TensorFlow. Archived (https://web.archive.org/web/20211104081918/https://www.tensorfl
ow.org/js/) from the original on November 4, 2021. Retrieved October 28, 2021.
63. "TensorFlow Lite | ML for Mobile and Edge Devices" (https://www.tensorflow.org/lite).
TensorFlow. Archived (https://web.archive.org/web/20211104011324/https://www.tensorflow.
org/lite) from the original on November 4, 2021. Retrieved November 1, 2021.
64. "TensorFlow Lite" (https://www.tensorflow.org/lite/guide). TensorFlow. Archived (https://web.
archive.org/web/20211102150551/https://www.tensorflow.org/lite/guide) from the original on
November 2, 2021. Retrieved November 1, 2021.
65. "TensorFlow Extended (TFX) | ML Production Pipelines" (https://www.tensorflow.org/tfx).
TensorFlow. Archived (https://web.archive.org/web/20211104005652/https://www.tensorflow.
org/tfx) from the original on November 4, 2021. Retrieved November 2, 2021.
66. "Customization basics: tensors and operations | TensorFlow Core" (https://www.tensorflow.o
rg/tutorials/customization/basics). TensorFlow. Archived (https://web.archive.org/web/20211
106055823/https://www.tensorflow.org/tutorials/customization/basics) from the original on
November 6, 2021. Retrieved November 6, 2021.
67. "Guide | TensorFlow Core" (https://www.tensorflow.org/guide). TensorFlow. Archived (https://
web.archive.org/web/20190717021617/https://www.tensorflow.org/guide) from the original
on July 17, 2019. Retrieved November 4, 2021.
68. "Libraries & extensions" (https://www.tensorflow.org/resources/libraries-extensions).
TensorFlow. Archived (https://web.archive.org/web/20211104012048/https://www.tensorflow.
org/resources/libraries-extensions) from the original on November 4, 2021. Retrieved
November 4, 2021.
69. "Colaboratory – Google" (https://research.google.com/colaboratory/faq.html).
research.google.com. Archived (https://web.archive.org/web/20171024191457/https://resear
ch.google.com/colaboratory/faq.html) from the original on October 24, 2017. Retrieved
November 10, 2018.
70. "Google Colaboratory" (https://colab.research.google.com/). colab.research.google.com.
Archived (https://web.archive.org/web/20210203141626/https://colab.research.google.com/)
from the original on February 3, 2021. Retrieved November 6, 2021.
71. 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" (https://web.archive.org/web/
20220618205214/https://github.com/google/jax), Astrophysics Source Code Library,
Google, Bibcode:2021ascl.soft11002B (https://ui.adsabs.harvard.edu/abs/2021ascl.soft1100
2B), archived from the original (https://github.com/google/jax) on June 18, 2022, retrieved
June 18, 2022
72. "Using JAX to accelerate our research" (https://www.deepmind.com/blog/using-jax-to-accele
rate-our-research). www.deepmind.com. Archived (https://web.archive.org/web/2022061820
5746/https://www.deepmind.com/blog/using-jax-to-accelerate-our-research) from the original
on June 18, 2022. Retrieved June 18, 2022.
73. "Why is Google's JAX so popular?" (https://analyticsindiamag.com/why-is-googles-jax-so-po
pular/). Analytics India Magazine. April 25, 2022. Archived (https://web.archive.org/web/2022
0618210503/https://analyticsindiamag.com/why-is-googles-jax-so-popular/) from the original
on June 18, 2022. Retrieved June 18, 2022.
74. "Intelligent Scanning Using Deep Learning for MRI" (https://blog.tensorflow.org/2019/03/intel
ligent-scanning-using-deep-learning.html). Archived (https://web.archive.org/web/20211104
183851/https://blog.tensorflow.org/2019/03/intelligent-scanning-using-deep-learning.html)
from the original on November 4, 2021. Retrieved November 4, 2021.
75. "Case Studies and Mentions" (https://www.tensorflow.org/about/case-studies). TensorFlow.
Archived (https://web.archive.org/web/20211026011835/https://www.tensorflow.org/about/ca
se-studies) from the original on October 26, 2021. Retrieved November 4, 2021.
76. "Ranking Tweets with TensorFlow" (https://blog.tensorflow.org/2019/03/ranking-tweets-with-t
ensorflow.html). Archived (https://web.archive.org/web/20211104005536/https://blog.tensorfl
ow.org/2019/03/ranking-tweets-with-tensorflow.html) from the original on November 4, 2021.
Retrieved November 4, 2021.
77. Davies, Dave (September 2, 2020). "A Complete Guide to the Google RankBrain Algorithm"
(https://www.searchenginejournal.com/google-algorithm-history/rankbrain/). Search Engine
Journal. Archived (https://web.archive.org/web/20211106062307/https://www.searchenginej
ournal.com/google-algorithm-history/rankbrain/) from the original on November 6, 2021.
Retrieved October 15, 2024.
78. "InSpace: A new video conferencing platform that uses TensorFlow.js for toxicity filters in
chat" (https://blog.tensorflow.org/2020/12/inspace-new-video-conferencing-platform-uses-te
nsorflowjs-for-toxicity-filters-in-chat.html). Archived (https://web.archive.org/web/202111040
05535/https://blog.tensorflow.org/2020/12/inspace-new-video-conferencing-platform-uses-te
nsorflowjs-for-toxicity-filters-in-chat.html) from the original on November 4, 2021. Retrieved
November 4, 2021.
79. Xulin. "流利说基于 TensorFlow 的自适应系统实践" (http://mp.weixin.qq.com/s?__biz=MzI0Nj
IzNDkwOA==&mid=2247484035&idx=1&sn=85fa0decac95e359435f68c50865ac0b&chksm
=e94328f0de34a1e665e0d809b938efb34f0aa6034391891246fc223b7782ac3bfd6ddd588aa
2#rd). Weixin Official Accounts Platform. Archived (https://web.archive.org/web/2021110622
4313/https://mp.weixin.qq.com/s?__biz=MzI0NjIzNDkwOA==&mid=2247484035&idx=1&sn=
85fa0decac95e359435f68c50865ac0b&chksm=e94328f0de34a1e665e0d809b938efb34f0a
a6034391891246fc223b7782ac3bfd6ddd588aa2#rd) from the original on November 6,
2021. Retrieved November 4, 2021.
80. "How Modiface utilized TensorFlow.js in production for AR makeup try on in the browser" (htt
ps://blog.tensorflow.org/2020/02/how-modiface-utilized-tensorflowjs-in-ar-makeup-in-browse
r.html). Archived (https://web.archive.org/web/20211104005535/https://blog.tensorflow.org/2
020/02/how-modiface-utilized-tensorflowjs-in-ar-makeup-in-browser.html) from the original
on November 4, 2021. Retrieved November 4, 2021.
81. Byrne, Michael (November 11, 2015). "Google Offers Up Its Entire Machine Learning Library
as Open-Source Software" (https://www.vice.com/en/article/8q8avx/google-offers-up-its-entir
e-machine-learning-library-as-open-source). Vice. Archived (https://web.archive.org/web/202
10125121138/https://www.vice.com/en/article/8q8avx/google-offers-up-its-entire-machine-le
arning-library-as-open-source) from the original on January 25, 2021. Retrieved
November 11, 2015.

Further reading
Moroney, Laurence (October 1, 2020). AI and Machine Learning for Coders (https://www.ore
illy.com/library/view/ai-and-machine/9781492078180/) (1st ed.). O'Reilly Media. p. 365.
ISBN 9781492078197. Archived (https://web.archive.org/web/20210607074743/https://www.
oreilly.com/library/view/ai-and-machine/9781492078180/) from the original on June 7, 2021.
Retrieved December 21, 2020.
Géron, Aurélien (October 15, 2019). Hands-On Machine Learning with Scikit-Learn, Keras,
and TensorFlow (https://www.oreilly.com/library/view/hands-on-machine-learning/978149203
2632/) (2nd ed.). O'Reilly Media. p. 856. ISBN 9781492032632. Archived (https://web.archiv
e.org/web/20210501010926/https://www.oreilly.com/library/view/hands-on-machine-learning/
9781492032632/) from the original on May 1, 2021. Retrieved November 25, 2019.
Ramsundar, Bharath; Zadeh, Reza Bosagh (March 23, 2018). TensorFlow for Deep
Learning (https://www.oreilly.com/library/view/tensorflow-for-deep/9781491980446/)
(1st ed.). O'Reilly Media. p. 256. ISBN 9781491980446. Archived (https://web.archive.org/w
eb/20210607150529/https://www.oreilly.com/library/view/tensorflow-for-deep/978149198044
6/) from the original on June 7, 2021. Retrieved November 25, 2019.
Hope, Tom; Resheff, Yehezkel S.; Lieder, Itay (August 27, 2017). Learning TensorFlow: A
Guide to Building Deep Learning Systems (https://www.oreilly.com/library/view/learning-tens
orflow/9781491978504/) (1st ed.). O'Reilly Media. p. 242. ISBN 9781491978504. Archived
(https://web.archive.org/web/20210308153359/https://www.oreilly.com/library/view/learning-t
ensorflow/9781491978504/) from the original on March 8, 2021. Retrieved November 25,
2019.
Shukla, Nishant (February 12, 2018). Machine Learning with TensorFlow (1st ed.). Manning
Publications. p. 272. ISBN 9781617293870.

External links
Official website (http://www.tensorflow.org)
Learning TensorFlow.js Book (ENG) (https://www.oreilly.com/library/view/learning-tensorflowj
s/9781492090786/)

Retrieved from "https://en.wikipedia.org/w/index.php?title=TensorFlow&oldid=1261887815"

You might also like