Array ( [0] => {{short description|Machine learning software library}} [1] => {{Use mdy dates|date=November 2017}} [2] => {{Infobox software [3] => | name = TensorFlow [4] => | logo = [[File:TensorFlow logo.svg|frameless|center|TensorFlow logo]] [5] => | author = [6] => | developer = [[Google Brain]] Team [7] => | released = {{Start date and age|2015|11|09}} [8] => | latest release version = [9] => | repo = {{URL|https://github.com/tensorflow/tensorflow}} [10] => | programming language = [[Python (programming language)|Python]], [[C++]], [[CUDA]] [11] => | platform = [[Linux]], [[macOS]], [[Windows]], [[Android (operating system)|Android]], [[JavaScript]]{{cite web |title=TensorFlow.js |url=https://js.tensorflow.org/faq/ |access-date=28 June 2018 }} [12] => | genre = [[Machine learning]] [[Library (computing)|library]] [13] => | license = [[Apache License 2.0]] [14] => | website = {{URL|https://tensorflow.org}} [15] => }} [16] => {{Machine learning}} [17] => [18] => '''TensorFlow''' is a [[Free and open-source software|free and open-source]] [[Library (computing)|software library]] for [[machine learning]] and [[artificial intelligence]]. It can be used across a range of tasks but has a particular focus on [[Types of artificial neural networks#Training|training]] and [[Statistical inference|inference]] of [[deep neural networks]].{{Cite conference|conference=Proceedings of the 12th USENIX Symposium on Operating Systems Design and Implementation (OSDI ’16).|date=2016|title=TensorFlow: A System for Large-Scale Machine Learning|url=https://www.usenix.org/system/files/conference/osdi16/osdi16-abadi.pdf|last1=Abadi|first1=Martín|last2=Barham|first2=Paul|last3=Chen|first3=Jianmin|last4=Chen|first4=Zhifeng|last5=Davis|first5=Andy|last6=Dean|first6=Jeffrey|last7=Devin|first7=Matthieu|last8=Ghemawat|first8=Sanjay|last9=Irving|first9=Geoffrey|last10=Isard|first10=Michael|last11=Kudlur|first11=Manjunath|last12=Levenberg|first12=Josh|last13=Monga|first13=Rajat|last14=Moore|first14=Sherry|last15=Murray|first15=Derek G.|last16=Steiner|first16=Benoit|last17=Tucker|first17=Paul|last18=Vasudevan|first18=Vijay|last19=Warden|first19=Pete|last20=Wicke|first20=Martin|last21=Yu|first21=Yuan|last22=Zheng|first22=Xiaoqiang|arxiv=1605.08695}}{{cite AV media|url=https://www.youtube.com/watch?v=oZikw5k_2FM| archive-url=https://ghostarchive.org/varchive/youtube/20211111/oZikw5k_2FM| archive-date=2021-11-11 | url-status=live|title=TensorFlow: Open source machine learning|year= 2015|publisher=Google|ref={{harvid|Video clip by Google about TensorFlow|2015}}}}{{cbignore}} "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 [19] => [20] => It was developed by the [[Google Brain]] team for [[Google]]'s internal use in research and production.{{harvnb|Video clip by Google about TensorFlow|2015}} at minute 0:15/2:17{{harvnb|Video clip by Google about TensorFlow|2015}} at minute 0:26/2:17{{harvnb|Dean et al|2015|p=2}} The initial version was released under the [[Apache License 2.0]] in 2015.{{cite web |title = Credits |url = https://tensorflow.org/about |website = TensorFlow.org |access-date = November 10, 2015 }}{{cite web |last1 = Metz |first1 = Cade |title = Google Just Open Sourced TensorFlow, Its Artificial Intelligence Engine |url = https://www.wired.com/2015/11/google-open-sources-its-artificial-intelligence-engine/ |website = [[Wired (website)|Wired]] |access-date = November 10, 2015 |date = November 9, 2015 }} Google released an updated version, TensorFlow 2.0, in September 2019. [21] => [22] => TensorFlow can be used in a wide variety of programming languages, including [[Python (programming language)|Python]], [[JavaScript]], [[C++]], and [[Java (programming language)|Java]],{{cite web|title=API Documentation|url=https://www.tensorflow.org/api_docs/|access-date=2018-06-27}}, facilitating its use in a range of applications in many sectors. [23] => [24] => == History == [25] => === DistBelief === [26] => Starting in 2011, Google Brain built DistBelief as a [[Proprietary software|proprietary]] [[machine learning]] system based on [[deep learning]] [[Artificial neural network|neural networks]]. Its use grew rapidly across diverse [[Alphabet Inc.|Alphabet]] companies in both research and commercial applications.{{cite web |last1 = Dean |first1 = Jeff |last2 = Monga |first2 = Rajat |first3 = Sanjay |last3 = Ghemawat |display-authors = 2 |author-link1 = Jeff Dean (computer scientist) |title = TensorFlow: Large-scale machine learning on heterogeneous systems |url = http://download.tensorflow.org/paper/whitepaper2015.pdf |website = TensorFlow.org |publisher = Google Research |access-date = November 10, 2015 |date = November 9, 2015 |ref={{harvid|Dean et al|2015}}}}{{cite web |last1 = Perez |first1 = Sarah |title = Google Open-Sources The Machine Learning Tech Behind Google Photos Search, Smart Reply And More |url = https://techcrunch.com/2015/11/09/google-open-sources-the-machine-learning-tech-behind-google-photos-search-smart-reply-and-more/ |website = TechCrunch |access-date = November 11, 2015 |date = November 9, 2015 }} Google assigned multiple computer scientists, including [[Jeff Dean (computer scientist)|Jeff Dean]], to simplify and [[Code refactoring|refactor]] the codebase of DistBelief into a faster, more robust application-grade library, which became TensorFlow.{{cite web |last1 = Oremus |first1 = Will |title = What Is TensorFlow, and Why Is Google So Excited About It? |url = 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 |website = Slate |access-date = November 11, 2015 |date = November 9, 2015 }} In 2009, the team, led by [[Geoffrey Hinton]], had implemented generalized [[backpropagation]] and other improvements, which allowed generation of [[neural network]]s with substantially higher accuracy, for instance a 25% reduction in errors in [[speech recognition]].{{cite web |last1 = Ward-Bailey |first1 = Jeff |title = Google chairman: We're making 'real progress' on artificial intelligence |url = https://www.csmonitor.com/Technology/2015/0914/Google-chairman-We-re-making-real-progress-on-artificial-intelligence |website = CSMonitor |access-date = November 25, 2015 |date = November 25, 2015 }} [27] => [28] => === TensorFlow === [29] => TensorFlow is Google Brain's second-generation system. Version 1.0.0 was released on February 11, 2017.{{cite journal|url=https://github.com/tensorflow/tensorflow/blob/07bb8ea2379bd459832b23951fb20ec47f3fdbd4/RELEASE.md|title=Tensorflow Release 1.0.0|website=[[GitHub]]|year=2022 |doi=10.5281/zenodo.4724125 |author1=TensorFlow Developers }} While the [[reference implementation]] runs on single devices, TensorFlow can run on multiple [[central processing unit|CPUs]] and [[GPU]]s (with optional [[CUDA]] and [[SYCL]] extensions for [[general-purpose computing on graphics processing units]]).{{cite news |last1 = Metz |first1 = Cade |title = TensorFlow, Google's Open Source AI, Points to a Fast-Changing Hardware World |url = https://www.wired.com/2015/11/googles-open-source-ai-tensorflow-signals-fast-changing-hardware-world/ |access-date = November 11, 2015 |magazine = Wired |date = November 10, 2015 }} TensorFlow is available on 64-bit [[Linux]], [[macOS]], [[Windows]], and mobile computing platforms including [[Android (operating system)|Android]] and [[iOS]].{{Citation needed|date=March 2024}} [30] => [31] => Its flexible architecture allows for the easy deployment of computation across a variety of platforms (CPUs, GPUs, [[Tensor processing unit|TPU]]s), and from desktops to clusters of servers to mobile and [[Edge device|edge devices]]. [32] => [33] => TensorFlow computations are expressed as [[State (computer science)|stateful]] [[dataflow programming|dataflow]] [[directed graph|graphs]]. The name TensorFlow derives from the operations that such neural networks perform on multidimensional data arrays, which are referred to as ''[[tensor]]s''.{{cite web| url=https://www.tensorflow.org/guide/tensor| title = Introduction to tensors | publisher = tensorflow.org | access-date = 3 March 2024}} During the [[Google I/O|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.[https://www.youtube.com/watch?v=Rnm83GqgqPE Machine Learning: Google I/O 2016 Minute 07:30/44:44 ] accessdate=2016-06-05 [34] => [35] => In March 2018, Google announced TensorFlow.js version 1.0 for machine learning in [[JavaScript]].{{cite web|url=https://medium.com/tensorflow/introducing-tensorflow-js-machine-learning-in-javascript-bf3eab376db|title=Introducing TensorFlow.js: Machine Learning in Javascript|last=TensorFlow|date=2018-03-30|website=Medium|access-date=2019-05-24}} [36] => [37] => In Jan 2019, Google announced TensorFlow 2.0.{{cite web|url=https://medium.com/tensorflow/whats-coming-in-tensorflow-2-0-d3663832e9b8|title=What's coming in TensorFlow 2.0|last=TensorFlow|date=2019-01-14|website=Medium|access-date=2019-05-24}} It became officially available in September 2019.{{cite web|url=https://medium.com/tensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab|title=TensorFlow 2.0 is now available!|last=TensorFlow|date=2019-09-30|website=Medium|access-date=2019-11-24}} [38] => [39] => In May 2019, Google announced TensorFlow Graphics for deep learning in computer graphics.{{cite web|url=https://medium.com/tensorflow/introducing-tensorflow-graphics-computer-graphics-meets-deep-learning-c8e3877b7668|title=Introducing TensorFlow Graphics: Computer Graphics Meets Deep Learning|last=TensorFlow|date=2019-05-09|website=Medium|access-date=2019-05-24}} [40] => [41] => === Tensor processing unit (TPU) === [42] => {{main|Tensor processing unit}} [43] => In May 2016, Google announced its [[Tensor processing unit]] (TPU), an [[application-specific integrated circuit]] ([[Application-specific integrated circuit|ASIC]], a hardware chip) built specifically for machine learning and tailored for TensorFlow. A TPU is a programmable [[AI accelerator (computer hardware)|AI accelerator]] designed to provide high [[throughput]] of low-precision [[arithmetic]] (e.g., [[8-bit]]), and oriented toward using or running models rather than [[Supervised learning|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.{{cite web |author-link1=Norman Jouppi |last1 = Jouppi |first1 = Norm |title = Google supercharges machine learning tasks with TPU custom chip |url = https://cloudplatform.googleblog.com/2016/05/Google-supercharges-machine-learning-tasks-with-custom-chip.html |website = Google Cloud Platform Blog |access-date = May 19, 2016 }} [44] => [45] => In May 2017, Google announced the second-generation, as well as the availability of the TPUs in [[Google Compute Engine]].{{cite news|url=https://www.blog.google/topics/google-cloud/google-cloud-offer-tpus-machine-learning/|title=Build and train machine learning models on our new Google Cloud TPUs|date=May 17, 2017|work=Google|access-date=May 18, 2017}} The second-generation TPUs deliver up to 180 [[FLOPS|teraflops]] of performance, and when organized into clusters of 64 TPUs, provide up to 11.5 [[FLOPS|petaflops]].{{Citation needed|date=March 2024}} [46] => [47] => In May 2018, Google announced the third-generation TPUs delivering up to 420 [[FLOPS|teraflops]] of performance and 128 GB high [[Bandwidth (computing)|bandwidth]] memory (HBM). Cloud TPU v3 Pods offer 100+ [[FLOPS|petaflops]] of performance and 32 TB HBM.{{cite web|url=https://cloud.google.com/tpu/|title=Cloud TPU|website=Google Cloud|access-date=2019-05-24}} [48] => [49] => In February 2018, Google announced that they were making TPUs available in beta on the [[Google Cloud Platform]].{{cite news|url=https://cloudplatform.googleblog.com/2018/02/Cloud-TPU-machine-learning-accelerators-now-available-in-beta.html|title=Cloud TPU machine learning accelerators now available in beta|work=Google Cloud Platform Blog|access-date=2018-02-12}} [50] => [51] => === Edge TPU === [52] => In July 2018, the Edge TPU was announced. Edge TPU is Google's purpose-built [[Application-specific integrated circuit|ASIC]] chip designed to run TensorFlow Lite machine learning (ML) models on small client computing devices such as smartphones{{cite web|url=https://beebom.com/google-announces-edge-tpu-cloud-iot-edge-at-cloud-next-2018/|title=Google Announces Edge TPU, Cloud IoT Edge at Cloud Next 2018|last=Kundu|first=Kishalaya|date=2018-07-26|website=Beebom|language=en-US|access-date=2019-02-02}} known as [[edge computing]]. [53] => [54] => === TensorFlow Lite === [55] => In May 2017, Google announced a software stack specifically for mobile development, TensorFlow Lite.{{cite web|url=https://www.theverge.com/2017/5/17/15645908/google-ai-tensorflowlite-machine-learning-announcement-io-2017|title=Google's new machine learning framework is going to put more AI on your phone|date=May 17, 2017}} 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.{{cite web|url=https://medium.com/tensorflow/tensorflow-lite-now-faster-with-mobile-gpus-developer-preview-e15797e6dee7|title=TensorFlow Lite Now Faster with Mobile GPUs (Developer Preview)|last=TensorFlow|date=2019-01-16|website=Medium|access-date=2019-05-24}} In May 2019, Google announced that their TensorFlow Lite Micro (also known as TensorFlow Lite for Microcontrollers) and [[Arm Holdings|ARM's]] uTensor would be merging.{{cite web|url=https://os.mbed.com/blog/entry/uTensor-and-Tensor-Flow-Announcement/|title=uTensor and Tensor Flow Announcement {{!}} Mbed|website=os.mbed.com|access-date=2019-05-24}} [56] => [57] => === TensorFlow 2.0 === [58] => [59] => As TensorFlow's market share among research papers was declining to the advantage of [[PyTorch]],{{cite web|url=https://thegradient.pub/state-of-ml-frameworks-2019-pytorch-dominates-research-tensorflow-dominates-industry/|title=The State of Machine Learning Frameworks in 2019|publisher=The Gradient|first1=Horace|last1=He|date=10 October 2019|access-date=22 May 2020}} 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.{{cite web|url=https://blog.tensorflow.org/2019/09/tensorflow-20-is-now-available.html|title=TensorFlow 2.0 is now available! |publisher=TensorFlow Blog|date=30 September 2019|access-date=22 May 2020}}{{Primary source inline|date=August 2020}} [60] => [61] => == Features == [62] => [63] => === AutoDifferentiation === [64] => [[Automatic differentiation|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.{{Cite web|title=Introduction to gradients and automatic differentiation|url=https://www.tensorflow.org/guide/autodiff|access-date=2021-11-04|website=TensorFlow|language=en}} 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. [65] => [66] => === Eager execution === [67] => 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.{{Cite web|title=Eager execution {{!}} TensorFlow Core|url=https://www.tensorflow.org/guide/eager|access-date=2021-11-04|website=TensorFlow|language=en}} 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. [68] => [69] => === Distribute === [70] => In both eager and graph executions, TensorFlow provides an API for distributing computation across multiple devices with various distribution strategies.{{Cite web|title=Module: tf.distribute {{!}} TensorFlow Core v2.6.1|url=https://www.tensorflow.org/api_docs/python/tf/distribute|access-date=2021-11-04|website=TensorFlow|language=en}} 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.{{Cite book|last=Sigeru.|first=Omatu|url=http://worldcat.org/oclc/980886715|title=Distributed Computing and Artificial Intelligence, 11th International Conference|date=2014|publisher=Springer International Publishing|isbn=978-3-319-07593-8|oclc=980886715}} [71] => [72] => === Losses === [73] => To train and assess models, TensorFlow provides a set of [[loss function]]s (also known as [[Mathematical optimization|cost functions]]).{{Cite web|title=Module: tf.losses {{!}} TensorFlow Core v2.6.1|url=https://www.tensorflow.org/api_docs/python/tf/losses|access-date=2021-11-04|website=TensorFlow|language=en}} Some popular examples include [[mean squared error]] (MSE) and [[Cross entropy|binary cross entropy]] (BCE). [74] => [75] => === Metrics === [76] => 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 and recall|Precision, Recall]], and [[Jaccard index|Intersection-over-Union]] (IoU).{{Cite web|title=Module: tf.metrics {{!}} TensorFlow Core v2.6.1|url=https://www.tensorflow.org/api_docs/python/tf/metrics|access-date=2021-11-04|website=TensorFlow|language=en}} [77] => [78] => === TF.nn === [79] => TensorFlow.nn is a module for executing primitive [[Artificial neural network|neural network]] operations on models.{{Cite web|title=Module: tf.nn {{!}} TensorFlow Core v2.7.0|url=https://www.tensorflow.org/api_docs/python/tf/nn|access-date=2021-11-06|website=TensorFlow|language=en}} Some of these operations include variations of [[Convolutional neural network|convolutions]] (1/2/3D, Atrous, depthwise), [[activation function]]s ([[Softmax function|Softmax]], [[Rectifier (neural networks)|RELU]], GELU, [[Sigmoid function|Sigmoid]], etc.) and their variations, and other operations ([[Max pooling|max-pooling]], bias-add, etc.). [80] => [81] => === Optimizers === [82] => TensorFlow offers a set of optimizers for training neural networks, including [[Adam (optimization algorithm)|ADAM]], [[Adagrad|ADAGRAD]], and [[Stochastic gradient descent|Stochastic Gradient Descent]] (SGD).{{Cite web|title=Module: tf.optimizers {{!}} TensorFlow Core v2.7.0|url=https://www.tensorflow.org/api_docs/python/tf/optimizers|access-date=2021-11-06|website=TensorFlow|language=en}} When training a model, different optimizers offer different modes of parameter tuning, often affecting a model's convergence and performance.{{Cite book|last1=Dogo|first1=E. M.|last2=Afolabi|first2=O. J.|last3=Nwulu|first3=N. I.|last4=Twala|first4=B.|last5=Aigbavboa|first5=C. O.|title=2018 International Conference on Computational Techniques, Electronics and Mechanical Systems (CTEMS) |chapter=A Comparative Analysis of Gradient Descent-Based Optimization Algorithms on Convolutional Neural Networks |date=December 2018|chapter-url=https://ieeexplore.ieee.org/document/8769211|pages=92–99|doi=10.1109/CTEMS.2018.8769211|isbn=978-1-5386-7709-4|s2cid=198931032}} [83] => [84] => == Usage and extensions == [85] => === TensorFlow === [86] => 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.{{Cite web|title=TensorFlow Core {{!}} Machine Learning for Beginners and Experts|url=https://www.tensorflow.org/overview|access-date=2021-11-04|website=TensorFlow|language=en}} 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.{{Cite web|title=Introduction to TensorFlow|url=https://www.tensorflow.org/learn|access-date=2021-10-28|website=TensorFlow|language=en}} [87] => [88] => TensorFlow provides a stable [[Python (programming language)|Python]] [[API|Application Program Interface]] ([[API]]),{{Cite web|title=All symbols in TensorFlow 2 {{!}} TensorFlow Core v2.7.0|url=https://www.tensorflow.org/api_docs/python/tf/all_symbols|access-date=2021-11-06|website=TensorFlow|language=en}} as well as APIs without backwards compatibility guarantee for [[JavaScript|Javascript]],{{Cite web|title=TensorFlow.js|url=https://js.tensorflow.org/|access-date=2021-11-06|website=js.tensorflow.org}} [[C++]],{{Cite web|title=TensorFlow C++ API Reference {{!}} TensorFlow Core v2.7.0|url=https://www.tensorflow.org/api_docs/cc|access-date=2021-11-06|website=TensorFlow|language=en}} and [[Java (programming language)|Java]].{{Cite web|title=org.tensorflow {{!}} Java|url=https://www.tensorflow.org/api_docs/java/org/tensorflow/package-summary|access-date=2021-11-06|website=TensorFlow|language=en}} Third-party language binding packages are also available for [[C Sharp (programming language)|C#]],{{cite web|last=Icaza|first=Miguel de|date=2018-02-17|title=TensorFlowSharp: TensorFlow API for .NET languages|website=[[GitHub]]|url=https://github.com/migueldeicaza/TensorFlowSharp|access-date=2018-02-18}}{{cite web|last=Chen|first=Haiping|date=2018-12-11|title=TensorFlow.NET: .NET Standard bindings for TensorFlow|website=[[GitHub]]|url=https://github.com/SciSharp/TensorFlow.NET|access-date=2018-12-11}} [[Haskell (programming language)|Haskell]],{{cite web|date=2018-02-17|title=haskell: Haskell bindings for TensorFlow|url=https://github.com/tensorflow/haskell|access-date=2018-02-18|publisher=tensorflow}} [[Julia (programming language)|Julia]],{{cite web|last=Malmaud|first=Jon|date=2019-08-12|title=A Julia wrapper for TensorFlow|website=[[GitHub]]|url=https://github.com/malmaud/TensorFlow.jl|access-date=2019-08-14|quote=operations like sin, * (matrix multiplication), .* (element-wise multiplication), etc [..]. Compare to Python, which requires learning specialized namespaced functions like tf.matmul.}} [[Matlab|MATLAB]],{{cite web|date=2019-11-03|title=A MATLAB wrapper for TensorFlow Core|website=[[GitHub]]|url=https://github.com/asteinh/tensorflow.m|access-date=2020-02-13}} [[Object Pascal]],{{cite web|date=2023-01-19|title=Use TensorFlow from Pascal (FreePascal, Lazarus, etc.)|website=[[GitHub]]|url=https://github.com/zsoltszakaly/tensorflowforpascal|access-date=2023-01-20}} [[R (software)|R]],{{cite web|date=2018-02-17|title=tensorflow: TensorFlow for R|url=https://github.com/rstudio/tensorflow|access-date=2018-02-18|publisher=RStudio}} [[Scala (programming language)|Scala]],{{cite web|last=Platanios|first=Anthony|date=2018-02-17|title=tensorflow_scala: TensorFlow API for the Scala Programming Language|website=[[GitHub]]|url=https://github.com/eaplatanios/tensorflow_scala|access-date=2018-02-18}} [[Rust (programming language)|Rust]],{{cite web|date=2018-02-17|title=rust: Rust language bindings for TensorFlow|url=https://github.com/tensorflow/rust|access-date=2018-02-18|publisher=tensorflow}} [[OCaml]],{{cite web|last=Mazare|first=Laurent|date=2018-02-16|title=tensorflow-ocaml: OCaml bindings for TensorFlow|website=[[GitHub]]|url=https://github.com/LaurentMazare/tensorflow-ocaml|access-date=2018-02-18}} and [[Crystal (programming language)|Crystal]].{{cite web|title=fazibear/tensorflow.cr|url=https://github.com/fazibear/tensorflow.cr|access-date=2018-10-10|website=GitHub|language=en}} Bindings that are now archived and unsupported include [[Go (programming language)|Go]]{{Cite web|title=tensorflow package - github.com/tensorflow/tensorflow/tensorflow/go - pkg.go.dev|url=https://pkg.go.dev/github.com/tensorflow/tensorflow/tensorflow/go|access-date=2021-11-06|website=pkg.go.dev}} and [[Swift (programming language)|Swift]].{{Cite web|title=Swift for TensorFlow (In Archive Mode)|url=https://www.tensorflow.org/swift/guide/overview|access-date=2021-11-06|website=TensorFlow|language=en}} [89] => [90] => === TensorFlow.js === [91] => 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.{{Cite web|title=TensorFlow.js {{!}} Machine Learning for JavaScript Developers|url=https://www.tensorflow.org/js|access-date=2021-10-28|website=TensorFlow|language=en}} [92] => [93] => === TFLite === [94] => TensorFlow Lite has APIs for mobile apps or embedded devices to generate and deploy TensorFlow models.{{Cite web|title=TensorFlow Lite {{!}} ML for Mobile and Edge Devices|url=https://www.tensorflow.org/lite|access-date=2021-11-01|website=TensorFlow|language=en}} These models are compressed and optimized in order to be more efficient and have a higher performance on smaller capacity devices.{{Cite web|title=TensorFlow Lite|url=https://www.tensorflow.org/lite/guide|access-date=2021-11-01|website=TensorFlow|language=en}} [95] => [96] => TensorFlow Lite uses [[FlatBuffers]] as the data serialization format for network models, eschewing the [[Protocol Buffers]] format used by standard TensorFlow models. [97] => [98] => === TFX === [99] => TensorFlow Extended (abbrev. TFX) provides numerous components to perform all the operations needed for end-to-end production.{{Cite web|title=TensorFlow Extended (TFX) {{!}} ML Production Pipelines|url=https://www.tensorflow.org/tfx|access-date=2021-11-02|website=TensorFlow|language=en}} Components include loading, validating, and transforming data, tuning, training, and evaluating the machine learning model, and pushing the model itself into production. [100] => [101] => === Integrations === [102] => [103] => ==== Numpy ==== [104] => Numpy is one of the most popular [[Python (programming language)|Python]] data libraries, and TensorFlow offers integration and compatibility with its data structures.{{Cite web|title=Customization basics: tensors and operations {{!}} TensorFlow Core|url=https://www.tensorflow.org/tutorials/customization/basics|access-date=2021-11-06|website=TensorFlow|language=en}} Numpy NDarrays, the library's native datatype, are automatically converted to TensorFlow Tensors in TF operations; the same is also true vice versa. 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. [105] => [106] => === Extensions === [107] => TensorFlow also offers a variety of [[Library (computing)|libraries]] and [[Plug-in (computing)|extensions]] to advance and extend the models and methods used.{{Cite web|title=Guide {{!}} TensorFlow Core|url=https://www.tensorflow.org/guide|access-date=2021-11-04|website=TensorFlow|language=en}} For example, TensorFlow Recommenders and TensorFlow Graphics are [[Library (computing)|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.{{Cite web|title=Libraries & extensions|url=https://www.tensorflow.org/resources/libraries-extensions|access-date=2021-11-04|website=TensorFlow|language=en}} Other add-ons, [[Library (computing)|libraries]], and [[Software framework|frameworks]] include TensorFlow Model Optimization, TensorFlow Probability, TensorFlow Quantum, and TensorFlow Decision Forests. [108] => [109] => ==== Google Colab ==== [110] => Google also released Colaboratory, a TensorFlow Jupyter notebook environment that does not require any setup.{{cite web|title=Colaboratory – Google|url=https://research.google.com/colaboratory/faq.html|access-date=2018-11-10|website=research.google.com|language=en}} It runs on Google Cloud and allows users free access to GPUs and the ability to store and share notebooks on [[Google Drive]].{{Cite web|title=Google Colaboratory|url=https://colab.research.google.com/|access-date=2021-11-06|website=colab.research.google.com|language=en}} [111] => [112] => ==== Google JAX ==== [113] => {{main|Google JAX}} [114] => [[Google JAX]] is a machine learning [[Software framework|framework]] for transforming numerical functions.{{Citation |title=JAX: Autograd and XLA |date=2022-06-18 |url=https://github.com/google/jax |archive-url=https://web.archive.org/web/20220618205214/https://github.com/google/jax |publisher=Google |bibcode=2021ascl.soft11002B |access-date=2022-06-18 |archive-date=2022-06-18|last1=Bradbury |first1=James |last2=Frostig |first2=Roy |last3=Hawkins |first3=Peter |last4=Johnson |first4=Matthew James |last5=Leary |first5=Chris |last6=MacLaurin |first6=Dougal |last7=Necula |first7=George |last8=Paszke |first8=Adam |last9=Vanderplas |first9=Jake |last10=Wanderman-Milne |first10=Skye |last11=Zhang |first11=Qiao |journal=Astrophysics Source Code Library }}{{Cite web |title=Using JAX to accelerate our research |url=https://www.deepmind.com/blog/using-jax-to-accelerate-our-research |url-status=live |archive-url=https://web.archive.org/web/20220618205746/https://www.deepmind.com/blog/using-jax-to-accelerate-our-research |archive-date=2022-06-18 |access-date=2022-06-18 |website=www.deepmind.com |language=en}}{{Cite web |date=2022-04-25 |title=Why is Google's JAX so popular? |url=https://analyticsindiamag.com/why-is-googles-jax-so-popular/ |url-status=live |archive-url=https://web.archive.org/web/20220618210503/https://analyticsindiamag.com/why-is-googles-jax-so-popular/ |archive-date=2022-06-18 |access-date=2022-06-18 |website=Analytics India Magazine |language=en-US}} It is described as bringing together a modified version of [https://github.com/HIPS/autograd autograd] (automatic obtaining of the gradient function through differentiation of a function) and TensorFlow's [https://www.tensorflow.org/xla 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: [115] => [116] => # grad: automatic differentiation [117] => # jit: compilation [118] => # vmap: auto-vectorization [119] => # pmap: SPMD programming [120] => [121] => == Applications == [122] => [123] => === Medical === [124] => [[GE Healthcare]] used TensorFlow to increase the speed and accuracy of [[Magnetic resonance imaging|MRIs]] in identifying specific body parts.{{Cite web|title=Intelligent Scanning Using Deep Learning for MRI|url=https://blog.tensorflow.org/2019/03/intelligent-scanning-using-deep-learning.html|access-date=2021-11-04|language=en}} Google used TensorFlow to create DermAssist, a free mobile application that allows users to take pictures of their skin and identify potential health complications.{{Cite web|title=Case Studies and Mentions|url=https://www.tensorflow.org/about/case-studies|access-date=2021-11-04|website=TensorFlow|language=en}} [[Sinovation Ventures]] used TensorFlow to identify and classify eye diseases from [[optical coherence tomography]] (OCT) scans. [125] => [126] => === Social media === [127] => [[Twitter]] implemented TensorFlow to rank tweets by importance for a given user, and changed their platform to show tweets in order of this ranking.{{Cite web|title=Ranking Tweets with TensorFlow|url=https://blog.tensorflow.org/2019/03/ranking-tweets-with-tensorflow.html|access-date=2021-11-04|language=en}} Previously, tweets were simply shown in reverse chronological order. The photo sharing app [[VSCO]] used TensorFlow to help suggest custom filters for photos. [128] => [129] => === Search Engine === [130] => [[Google]] officially released [[RankBrain]] on October 26, 2015, backed by TensorFlow.{{Cite web|last1=3.5kshares|last2=72kreads|title=A Complete Guide to the Google RankBrain Algorithm|url=https://www.searchenginejournal.com/google-algorithm-history/rankbrain/|access-date=2021-11-06|website=Search Engine Journal|date=September 2, 2020 |language=en}} [131] => [132] => === Education === [133] => InSpace, a virtual learning platform, used TensorFlow to filter out toxic chat messages in classrooms.{{Cite web|title=InSpace: A new video conferencing platform that uses TensorFlow.js for toxicity filters in chat|url=https://blog.tensorflow.org/2020/12/inspace-new-video-conferencing-platform-uses-tensorflowjs-for-toxicity-filters-in-chat.html|access-date=2021-11-04|language=en}} Liulishuo, an online English learning platform, utilized TensorFlow to create an adaptive curriculum for each student.{{Cite web|last=Xulin|title=流利说基于 TensorFlow 的自适应系统实践|url=http://mp.weixin.qq.com/s?__biz=MzI0NjIzNDkwOA==&mid=2247484035&idx=1&sn=85fa0decac95e359435f68c50865ac0b&chksm=e94328f0de34a1e665e0d809b938efb34f0aa6034391891246fc223b7782ac3bfd6ddd588aa2#rd|access-date=2021-11-04|website=Weixin Official Accounts Platform}} 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. [134] => [135] => === Retail === [136] => The e-commerce platform [[Carousell (company)|Carousell]] used TensorFlow to provide personalized recommendations for customers. The cosmetics company ModiFace used TensorFlow to create an augmented reality experience for customers to test various shades of make-up on their face.{{Cite web|title=How Modiface utilized TensorFlow.js in production for AR makeup try on in the browser|url=https://blog.tensorflow.org/2020/02/how-modiface-utilized-tensorflowjs-in-ar-makeup-in-browser.html|access-date=2021-11-04|language=en}} [137] => [138] => {{multiple image [139] => | footer = 2016 comparison of original photo (left) and with TensorFlow ''neural style'' applied (right) [140] => | width = 150 [141] => | image1 = TorontoMusicGarden10.jpg [142] => | image2 = TorontoMusicGarden10-TensorFlow2.jpg [143] => }} [144] => [145] => === Research === [146] => TensorFlow is the foundation for the automated [[image captioning|image-captioning]] software [[DeepDream]].{{cite web |last1 = Byrne |first1 = Michael |title = Google Offers Up Its Entire Machine Learning Library as Open-Source Software |url = https://www.vice.com/en/article/8q8avx/google-offers-up-its-entire-machine-learning-library-as-open-source |website = Vice |access-date = November 11, 2015 |date = November 11, 2015 }} [147] => [148] => {{-}} [149] => [150] => ==See also== [151] => {{Portal|Free and open-source software [152] => }} [153] => * [[Comparison of deep learning software]] [154] => * [[Differentiable programming]] [155] => * [[Keras]] [156] => [157] => == References == [158] => [159] => === General === [160] => {{Refbegin}} [161] => *{{Cite book [162] => | first1 = Laurence [163] => | last1 = Moroney [164] => | date = October 1, 2020 [165] => | title = AI and Machine Learning for Coders [166] => | edition = 1st [167] => | publisher = [[O'Reilly Media]] [168] => | page = 365 [169] => | isbn = 9781492078197 [170] => | url = https://www.oreilly.com/library/view/ai-and-machine/9781492078180/ [171] => }} [172] => *{{Cite book [173] => | first1 = Aurélien [174] => | last1 = Géron [175] => | date = October 15, 2019 [176] => | title = Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow [177] => | edition = 2nd [178] => | publisher = [[O'Reilly Media]] [179] => | page = 856 [180] => | isbn = 9781492032632 [181] => | url = https://www.oreilly.com/library/view/hands-on-machine-learning/9781492032632/ [182] => }} [183] => *{{Cite book [184] => | first1 = Bharath [185] => | last1 = Ramsundar [186] => | first2 = Reza Bosagh [187] => | last2 = Zadeh [188] => | date = March 23, 2018 [189] => | title = TensorFlow for Deep Learning [190] => | edition = 1st [191] => | publisher = [[O'Reilly Media]] [192] => | page = 256 [193] => | isbn = 9781491980446 [194] => | url = https://www.oreilly.com/library/view/tensorflow-for-deep/9781491980446/ [195] => }} [196] => *{{Cite book [197] => | first1 = Tom [198] => | last1 = Hope [199] => | first2 = Yehezkel S. [200] => | last2 = Resheff [201] => | first3 = Itay [202] => | last3 = Lieder [203] => | date = August 27, 2017 [204] => | title = Learning TensorFlow: A Guide to Building Deep Learning Systems [205] => | edition = 1st [206] => | publisher = [[O'Reilly Media]] [207] => | page = 242 [208] => | isbn = 9781491978504 [209] => | url = https://www.oreilly.com/library/view/learning-tensorflow/9781491978504/ [210] => }} [211] => *{{Cite book [212] => | first1 = Nishant [213] => | last1 = Shukla [214] => | date = February 12, 2018 [215] => | title = Machine Learning with TensorFlow [216] => | edition = 1st [217] => | publisher = [[Manning Publications]] [218] => | page = 272 [219] => | isbn = 9781617293870 [220] => }} [221] => [222] => {{Refend}} [223] => [224] => === Citations === [225] => {{reflist}} [226] => [227] => == External links == [228] => * {{Official website|https://www.tensorflow.org}} [229] => * [https://www.oreilly.com/library/view/learning-tensorflowjs/9781492090786/ Learning TensorFlow.js Book (ENG)] [230] => [231] => {{Google AI}} [232] => {{Deep learning software}} [233] => {{Differentiable computing}} [234] => {{Google FOSS}} [235] => [236] => [[Category:Deep learning software]] [237] => [[Category:Free software programmed in C++]] [238] => [[Category:Free software programmed in Python]] [239] => [[Category:Free statistical software]] [240] => [[Category:Google software]] [241] => [[Category:Open-source artificial intelligence]] [242] => [[Category:Python (programming language) scientific libraries]] [243] => [[Category:Software using the Apache license]] [244] => [[Category:2015 software]] [] => )
good wiki

TensorFlow

TensorFlow is an open-source machine learning framework developed by Google. It is designed to simplify the process of creating and deploying machine learning models across a range of platforms, from cloud systems to mobile devices.

More about us

About

It is designed to simplify the process of creating and deploying machine learning models across a range of platforms, from cloud systems to mobile devices. TensorFlow uses a flexible and efficient computational graph system that allows users to define and manipulate complex algorithms using a wide variety of data structures. The framework provides a wide range of tools and libraries for training and deploying machine learning models, including support for training on distributed systems and distributed data. It also supports a variety of platform options, including CPUs, GPUs, and cloud-based systems. TensorFlow is widely used in the research community and in industry, with applications in areas such as computer vision, natural language processing, and reinforcement learning. The TensorFlow project was initially released in 2015 and has since gained significant popularity due to its ease of use, flexibility, and scalability. It has a large and active community of developers who contribute to its development and provide support through forums, mailing lists, and online resources. TensorFlow has been widely adopted by companies and organizations around the world, including Google, Airbnb, and Uber.

Expert Team

Vivamus eget neque lacus. Pellentesque egauris ex.

Award winning agency

Lorem ipsum, dolor sit amet consectetur elitorceat .

10 Year Exp.

Pellen tesque eget, mauris lorem iupsum neque lacus.