`
wang_peng1
  • 浏览: 3942866 次
  • 性别: Icon_minigender_1
  • 来自: 北京
社区版块
存档分类
最新评论

tf.newaxis 和 numpy newaxis

 
阅读更多
n [71]: a1 = tf.constant([2,2], name="a1")

In [72]: a1
Out[72]: <tf.Tensor 'a1_5:0' shape=(2,) dtype=int32>

# add a new dimension
In [73]: a1_new = a1[tf.newaxis, :]

In [74]: a1_new
Out[74]: <tf.Tensor 'strided_slice_5:0' shape=(1, 2) dtype=int32>

# add one more dimension
In [75]: a1_new = a1[tf.newaxis, :, tf.newaxis]

In [76]: a1_new
Out[76]: <tf.Tensor 'strided_slice_6:0' shape=(1, 2, 1) dtype=int32>


>> x = np.arange(3)
>> x
array([0, 1, 2])
>> x.shape
(3,)

>> x[:, np.newaxis]
array([[0],
       [1],
       [2]])

>> x[:, None]
array([[0],
       [1],
       [2]])

>> x[:, np.newaxis].shape
 (3, 1)

 

分享到:
评论

相关推荐

    tensorflow手写数字识别

    x_train, x_test = x_train[..., tf.newaxis], x_test[..., tf.newaxis] ``` 这里我们进行了归一化处理,并将图像数据扩展为四维张量,以适应CNN模型。 然后,构建一个简单的CNN模型: ```python model = models....

    使用TensorFlow实现简单线性回归模型

    X = np.linspace(-1, 1, n)[:,np.newaxis] # 等差数列构建X,[:,np.newaxis]这个是shape,这一行构建了一个n维列向量([1,n]的矩阵) noise = np.random.normal(0, 0.5, X.shape) # 噪声值,与X同型

    tensorflow 中对数组元素的操作方法

    updated_tensor = tf.concat([tensor2d[:i], new_row[tf.newaxis, :], tensor2d[i+1:]], axis=0) ``` 这里,我们使用`tf.concat`函数将原始tensor的前i行、新行和剩余行拼接在一起,形成一个新的tensor,从而实现了...

    tensorflow模型的save与restore,及checkpoint中读取变量方式

    x = np.linspace(-1, 1, 100)[:, np.newaxis] # shape (100, 1) noise = np.random.normal(0, 0.1, size=x.shape) y = np.power(x, 2) + noise # shape (100, 1) + noise # 定义输入输出占位符 tf_x = tf....

    通过python的matplotlib包将Tensorflow数据进行可视化的方法

    TensorFlow用于创建和训练模型,NumPy用于生成和处理数据,而matplotlib则用于绘制图形。 ```python import tensorflow as tf import numpy as np import matplotlib.pyplot as plt ``` 接下来,定义一个函数`add_...

    用python实现目标检测和目标特征提取概述.docx

    input_tensor = input_tensor[tf.newaxis, ...] detections = detection_model(input_tensor) # 可视化结果 viz_utils.visualize_boxes_and_labels_on_image_array( image_np, detections['detection_boxes'][0]....

    python Tensor和Array对比分析

    同样地,当模型训练完成后,我们也可能需要将Tensor转换回Array格式,以便进行进一步的分析或可视化处理,这可以通过Tensor对象的.numpy()方法或者调用tf.Session().run(tensor)来实现。 3. 扩充维度 在进行张量...

    tensorflow models安装

    input_tensor = input_tensor[tf.newaxis,...] # 运行模型 output_dict = model(input_tensor) # 所有输出都是batch维度的,因此去掉第一个维度 num_detections = int(output_dict.pop('num_detections')) ...

    opencv-python的RGB与BGR互转方式

    img_batch = img[np.newaxis, ...] # 在第一个维度上添加batch ``` ##### TensorFlow的数据格式 在TensorFlow中,有两种常用的数据格式:NHWC (batch, height, width, channels) 和 NCHW (batch, channels, height,...

Global site tag (gtag.js) - Google Analytics