Skip to content

Commit 44330af

Browse files
authored
Merge pull request animator#409 from MrCodYrohit/main
Added TensorFlow,md File
2 parents e1599aa + 284d3fd commit 44330af

File tree

2 files changed

+65
-1
lines changed

2 files changed

+65
-1
lines changed

contrib/machine-learning/index.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -4,4 +4,4 @@
44
- [Confusion Matrix](confusion-matrix.md)
55
- [Support Vector Machine Algorithm](support-vector-machine.md)
66
- [Artificial Neural Network from the Ground Up](ArtificialNeuralNetwork.md)
7-
7+
- [TensorFlow.md](tensorFlow.md)
Lines changed: 64 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,64 @@
1+
# TensorFlow
2+
3+
Developed by the Google Brain team, TensorFlow is an open-source library that provides a comprehensive ecosystem for building and deploying machine learning models. It supports deep learning and neural networks and offers tools for both beginners and experts.
4+
5+
## Key Features
6+
7+
- **Flexible and comprehensive ecosystem**
8+
- **Scalable for both production and research**
9+
- **Supports CPUs, GPUs, and TPUs**
10+
11+
## Basic Example: Linear Regression
12+
13+
Let's start with a simple linear regression example in TensorFlow.
14+
15+
```python
16+
import tensorflow as tf
17+
import numpy as np
18+
import matplotlib.pyplot as plt
19+
20+
# Generate synthetic data
21+
X = np.array([1, 2, 3, 4, 5], dtype=np.float32)
22+
Y = np.array([2, 4, 6, 8, 10], dtype=np.float32)
23+
24+
# Define the model
25+
model = tf.keras.Sequential([
26+
tf.keras.layers.Dense(units=1, input_shape=[1])
27+
])
28+
29+
# Compile the model
30+
model.compile(optimizer='sgd', loss='mean_squared_error')
31+
32+
# Train the model
33+
history = model.fit(X, Y, epochs=500)
34+
35+
# Predict
36+
predictions = model.predict(X)
37+
38+
# Plot the results
39+
plt.plot(X, Y, 'ro', label='Original data')
40+
plt.plot(X, predictions, 'b-', label='Fitted line')
41+
plt.legend()
42+
plt.show()
43+
```
44+
45+
In this example:
46+
47+
1. We define a simple dataset with a linear relationship.
48+
2. We build a sequential model with one dense layer (linear regression).
49+
3. We compile the model with stochastic gradient descent (SGD) optimizer and mean squared error loss.
50+
4. We train the model for 500 epochs and then plot the original data and the fitted line.
51+
52+
## When to Use TensorFlow
53+
54+
TensorFlow is a great choice if you:
55+
56+
- **Need to deploy machine learning models in production:** TensorFlow’s robust deployment options, including TensorFlow Serving, TensorFlow Lite, and TensorFlow.js, make it ideal for production environments.
57+
- **Work on large-scale deep learning projects:** TensorFlow’s comprehensive ecosystem supports distributed training and has tools like TensorBoard for visualization.
58+
- **Require high performance and scalability:** TensorFlow is optimized for performance and can leverage GPUs and TPUs for accelerated computing.
59+
- **Want extensive support and documentation:** TensorFlow has a large community and extensive documentation, which can be very helpful for both beginners and advanced users.
60+
61+
## Example Use Cases
62+
63+
- Building and deploying complex neural networks for image recognition, natural language processing, or recommendation systems.
64+
- Developing models that need to be run on mobile or embedded devices.

0 commit comments

Comments
 (0)