Adding multiple images to a matplotlib subplot? - python
I am trying to make a matplottlib plot using some image data I have in numpy format, and was wondering if someone would be able to advise me on the best way to approach displaying multiples of these images within the boundaries of one subplot?
For example, using the following code...
n_samples = 10
sample_imgs, min_index = visualise_n_way(n_samples)
print(min_index)
print(sample_imgs.shape)
print(sample_imgs[0].shape)
print(x_train_w)
print(x_train_h)
img_matrix = []
for index in range(1, len(sample_imgs)):
img_matrix.append(np.reshape(sample_imgs[index], (x_train_w, x_train_h)))
img_matrix = np.asarray(img_matrix)
img_matrix = np.vstack(img_matrix)
f, ax = plt.subplots(1, 3, figsize = (10, 12))
f.tight_layout()
ax[0].imshow(np.reshape(sample_imgs[0], (x_train_w, x_train_h)),vmin=0, vmax=1,cmap='Greys')
ax[0].set_title("Test Image")
ax[1].imshow(img_matrix ,vmin=0, vmax=1,cmap='Greys')
ax[1].set_title("Support Set")
ax[2].imshow(np.reshape(sample_imgs[min_index], (x_train_w, x_train_h)),vmin=0, vmax=1,cmap='Greys')
ax[2].set_title("Image most similar to Test Image in Support Set")
I get the following image and output
1
(11, 784)
(784,)
28
28
Matplotlib Output
What I would like to do however is to have the second subplot, the one displaying img_matrix, to be the same size as the two either side of it, creating a grid of the images. Sort of like this
sketch.
I am at a loss as to how to do this however. I believe I may need to use something such as a gridspace, but I'm finding the documentation hard to follow for what I want to do.
Any help is greatly appreciated!
Related
Adjust label size/wrap and -position automatically for pcolormesh/pcolor in pyplot
When creating 2d-images with pyplot by using pcolor/pcolormesh I am using custom labels in my project. Unfortunately, some of those labels are too long to fit into their allocated space, and therefore spill over the next label, as shown below for a 2x2-matrix: and a 4x4-matrix: I tried to find solutions for that issue, and until now have found two possible approaches: Replacing all spaces with newlines (as proposed by https://stackoverflow.com/a/62521738/2546099), or using textwrap.wrap(), which needs a fixed text width (as proposed by https://stackoverflow.com/a/15740730/2546099 or https://medium.com/dunder-data/automatically-wrap-graph-labels-in-matplotlib-and-seaborn-a48740bc9ce) I tested both approaches for both test matrices shown above, resulting in (when replacing space with newlines) for the 2x2-matrix: and for the 4x4-matrix: Similarly, I tested the second approach for both matrices, the 2x2-matrix, resulting in and the 4x4-matrix, resulting in Still, both approaches share the same issues: When wrapping the label, a part of the label will extend into the image. Setting a fixed pad size will only work if the label size is known beforehand, to adjust the distance properly. Else, some labels might be spaced too far apart from the image, while others are still inside the image. Wrapping the label with a fixed size might leave too much white space around. The best case might be figure 5 and 6: I used a wrap at 10 characters for both figures, but while the text placement works out nicely (from my point of view) for four columns, there is enough space to increase the wrap limit to 20 characters for two columns. For even more columns 10 characters might even be too much. Therefore, are there other solutions which might solve my problem dynamically, depending on the size of the figure and the available space? The code I used for generating the pictures above is: import textwrap import numpy as np import matplotlib.pyplot as plt imshow_size = 4 x_vec, y_vec = ( np.linspace(0, imshow_size - 1, imshow_size), np.linspace(0, imshow_size - 1, imshow_size), ) labels_to_plot = np.linspace(0, imshow_size, imshow_size + 1) categories = ["This is a very long long label serving its job as place holder"] * ( imshow_size ) ## Idea 1: Replace space with \n, similar to https://stackoverflow.com/a/62521738/2546099 # categories = [category.replace(" ", "\n") for category in categories] ## Idea 2: Wrap labels at certain text length, similar to https://stackoverflow.com/a/15740730/2546099 or ## https://medium.com/dunder-data/automatically-wrap-graph-labels-in-matplotlib-and-seaborn-a48740bc9ce categories = [textwrap.fill(category, 10) for category in categories] X, Y = np.meshgrid(x_vec, y_vec) Z = np.random.rand(imshow_size, imshow_size) fig, ax = plt.subplots() ax.pcolormesh(X, Y, Z) ax.set_xticks(labels_to_plot[:-1]) ax.set_xticklabels(categories, va="center") ax.set_yticks(labels_to_plot[:-1]) ax.set_yticklabels(categories, rotation=90, va="center") fig.tight_layout() plt.savefig("with_wrap_at_10_with_four_labels.png", bbox_inches="tight") # plt.show()
How to save two different matplotlib figures to two lists
data = pd.read_csv("Test data.csv") test_data = np.array(data) where the test_data is a time series dataset which dimension is 24×1024. Firstly, I use a for loop to draw all raw data and use map method to save raw figures in figs_list. the map method reference is here: Get the list of figures in matplotlib def raw_data_draw(): for i in range(len(test_data)): draw_data = test_data[i] plt.figure(figsize=(3.5,2.4),dpi=100) plt.xlim([0,1024]) plt.ylim([0,1]) plt.plot(draw_data) plt.title("signal %d"%i) global figs_list figs_list = list(map(plt.figure, plt.get_fignums())) return figs_list secondly, I reshape the (24×1024) to (24×32×32) and draw grey scale images. def grey_data_draw(): for i in range(len(test_data)): grey_data = test_data.reshape(len(test_data),32,-1) plt.figure(figsize=(2.5,2.5),dpi=100) plt.imshow(grey_data[i],origin='lower', cmap=plt.cm.gray) plt.title("signal %d"%i) global grey_figs_list grey_figs_list = list(map(plt.figure, plt.get_fignums())) return grey_figs_list Lastly, I run these two functions as follow and get two lists. raw_data_draw() grey_data_draw() the figs_list should contain 24 time series plot and grey_figs_list should contain 24 grey images. I expect that figs_list and grey_figs_list contain different items, anyhow these tow lists contains same items,which seems figure were overwrited. I have searched much material but can not deal with it. Hope you can help me solve this problem, thanks in advance! :) the result is show as follow, where two lists contains same items.
Giving imshow a custom list of yaxis labels
I'm trying to give pyplot.imshow() a list of values that aren't necessarily linear to use as y-axis labels. The truncated list is: run_numbers = array([815676, 815766, 815767, 815768, 815769, 815770, 815771, 815772, 815773, 815774, 815775, 815776, 815777, 815778, 815779, 815780, 815781, 815783, 815784, 815785, 815786, 815789, 815790, 815792, 815793, 815794, 815795, 815796, 815797, 815798, 815799, 815800, 815801, 815802, 815803, 815804, 815805, 815806, 815807, 815808, 815809, 815811, 815812, 815813, 815814, 815815, 815816, 815817, 815818, 815819, 815820, 815821, 815822, 815823, 815824, 815825, 815826, 815827, 815829, 815830, 815831, 815832, 815833, 815834, 815835, 815836, 815837, 815838, 815839, 815841, 815842, 815843, 815844, 815845, 815846, 815847, 815848, 815849, 815851, 815852, 815853, 815854, 815855, 815856, 815857, 815858, 815859, 815860, 815861, 815863, 815864, 815865, 815866, 815867, 815869, 815870, 815871, 815872, 815873, 815874, 815875, 815876, 815877, 815878]) My image looks like this: At first glance, this seems fine. But imshow isn't using the values from the list, instead it's using a linear range from 815676 to the max value of the list. I've tried a few different things: plt.imshow(np.array(profiles), aspect='auto', vmin=-5, vmax=20, extent=[0,500,max(run_numbers), min(run_numbers)]) The above code gave the image above, which makes sense given what I put in extent. Is there a way to tell imshow to use the values in the list as the yaxis label? I've tried ax.yticklabels and ax.ytick, but those also give a linear progression of numbers instead of the list values. Please let me know how I can clarify my question if there's any confusion. I can also provide an example data set if my question isn't clear.
Letting the extent go between 0 and the number of labels minus 1, and then use plt.yticks(range(N), run_numbers) would set the labels. As there are about 100 labels, this would look very crowded, which could be mitigated by setting a large figure size and a small font. Or the labels could be set every with steps, e.g. steps of 10: import numpy as np import matplotlib.pyplot as plt run_numbers = np.array([815676, 815766, 815767, 815768, 815769, 815770, 815771, 815772, 815773, 815774, 815775, 815776, 815777, 815778, 815779, 815780, 815781, 815783, 815784, 815785, 815786, 815789, 815790, 815792, 815793, 815794, 815795, 815796, 815797, 815798, 815799, 815800, 815801, 815802, 815803, 815804, 815805, 815806, 815807, 815808, 815809, 815811, 815812, 815813, 815814, 815815, 815816, 815817, 815818, 815819, 815820, 815821, 815822, 815823, 815824, 815825, 815826, 815827, 815829, 815830, 815831, 815832, 815833, 815834, 815835, 815836, 815837, 815838, 815839, 815841, 815842, 815843, 815844, 815845, 815846, 815847, 815848, 815849, 815851, 815852, 815853, 815854, 815855, 815856, 815857, 815858, 815859, 815860, 815861, 815863, 815864, 815865, 815866, 815867, 815869, 815870, 815871, 815872, 815873, 815874, 815875, 815876, 815877, 815878]) N = len(run_numbers) profiles = np.random.randn(N, 501).cumsum(axis=1) plt.imshow(profiles, aspect='auto', extent=[0, 500, N-1, 0]) plt.yticks(range(0, N, 10), run_numbers[::10]) plt.show() With plt.figure(figsize=(10, 16)) plt.imshow(profiles, aspect='auto', extent=[0, 500, N-1, 0]) plt.yticks(range(N), run_numbers, fontsize=8) It could look like
Visualize multiple 2d Array with same color scheme
I am currently trying to visualize three 2D arrays with the same color. The arrays are 13x13 and contain integers. In an external file I have a color code in hex for each integer. When I now try to visualize the arrays, two out of three arrays look good. All numbers match the color codes and display the arrays correctly. But in the last picture a part of the data is not assigned correctly. . color_names = [c.strip() for c in open(colors).readlines()] color_dict = {v: k for v, k in enumerate(color_names)} unique_classes = (np.unique(np.asarray(feature_map))).tolist() number_classes = len(unique_classes) color_code = [color_dict.get(cla) for cla in unique_classes] cmap = plt.colors.ListedColormap(color_code) norm = plt.colors.BoundaryNorm(unique_classes, cmap.N) img = pyplot.imshow(feature_map[0],interpolation='nearest', cmap = cmap,norm=norm) pyplot.colorbar(img,cmap=cmap, norm=norm,boundaries=unique_classes) pyplot.show() img1 = pyplot.imshow(feature_map[1],interpolation='nearest', cmap = cmap,norm=norm) pyplot.show() img2 = pyplot.imshow(feature_map[2],interpolation='nearest', cmap = cmap,norm=norm) pyplot.colorbar(img2,cmap=cmap, norm=norm,boundaries=unique_classes) pyplot.show() Exactly the same data as on the picture: feature_map = [[[25,25,25,25,56,56,2,2,2,2,2,2,25],[25,25,25,25,25,25,59,7,72,72,72,72,2],[25,25,25,25,25,25,59,72,72,72,72,72,2],[25,25,25,24,24,24,62,0,0,0,0,25,25],[25,25,24,24,24,24,24,24,24,24,25,25,25],[26,26,24,24,24,24,24,26,26,26,6,6,6],[26,26,26,24,24,26,26,26,26,26,26,6,6],[26,26,26,0,0,26,26,26,26,26,26,6,6],[28,28,28,28,28,28,28,26,26,26,26,6,6],[28,28,28,28,28,28,28,26,26,26,13,13,6],[28,28,28,28,28,28,28,26,13,13,13,13,13],[28,28,28,28,28,28,28,13,13,13,13,13,13],[28,28,28,28,28,28,28,13,13,13,13,13,13]],[[25,25,25,25,59,56,59,2,0,0,0,0,0],[25,25,25,25,25,59,59,7,72,72,72,72,72],[25,25,25,25,25,25,59,72,72,72,72,72,72],[25,25,25,0,0,25,25,6,0,0,0,72,0],[25,25,0,0,0,0,6,0,0,0,0,25,6],[26,26,26,0,0,0,24,26,0,0,6,6,6],[26,26,26,0,0,0,26,26,26,26,26,6,6],[0,26,0,0,0,0,26,26,0,26,26,6,6],[0,28,28,28,28,28,28,26,0,26,26,6,6],[28,28,28,28,28,28,28,26,0,26,0,0,0],[28,28,28,28,28,28,28,26,13,13,13,13,0],[56,56,28,28,28,28,28,13,13,13,13,13,13]],[[0,28,28,28,28,28,28,13,13,13,13,13,0],[25,25,25,25,59,59,59,4,0,0,0,0,0],[25,25,25,25,59,59,59,7,7,7,72,72,6],[25,25,25,25,25,25,59,7,7,73,73,25,0],[25,25,25,0,0,25,6,7,0,6,6,6,0],[25,0,0,0,6,6,6,6,0,0,6,6,6],[0,0,0,0,0,6,6,6,0,0,6,6,6],[0,0,0,0,0,0,6,6,0,0,6,6,6],[0,0,0,0,0,0,6,0,0,0,6,6,6],[0,0,28,0,28,28,13,0,0,0,6,6,6],[28,28,28,28,28,28,13,13,13,0,13,6,6],[28,28,28,28,28,28,28,13,13,13,13,13,13],[56,28,28,28,28,28,28,13,13,13,13,13,13],[28,28,28,28,28,28,28,13,13,13,13,13,13]]] The color code file is simply a file where each line contains a single hex code such as: #deb887 I have been working on this problem for several hours and can't reproduce the problem at the moment
I have tried to reproduce your results and something got my attention. If you look closely to the feature_map[2] values you might see that the pixel you claim miss classified has actually a different value than the pixels around it. So it actually has the correct color for its value. So I think it is not because of a misclassification it is beacause of your data. That would be my answer IF what you mean by "part of the data" is the pixel at position (0,11) otherwise i have gotten it all wrong and sorry about this answer. NOTE: About colors, I just picked some random colors. Don't worry if they don't match.
Seaborn clustermap fixed cell size
I am using the seaborn clustermap function and I would like to make multiple plots where the cell sizes are exactly identical. Also the size of the axis labels should be the same. This means figure size and aspect ratio will need to change, the rest needs to stay identical. import pandas import seaborn import numpy as np dataFrameA = pd.DataFrame([ [1,2],[3,4] ]) dataFrameB = pd.DataFrame( np.arange(3*6).reshape(3,-1)) Then decide how big the clustermap itself needs to be, something along the lines of: dpi = 72 cellSizePixels = 150 This decides that dataFrameA should be should be 300 by 300 pixels. I think that those need to be converted to the size units of the figure, which will be cellSizePixels/dpi units per pixel. So for dataFrameA that will be a heatmap size of ~2.01 inches. Here I am introducing a problem: there is stuff around the heatmap, which will also take up some space, and I don't know how much space those will exactly take. I tried to parametrize the heatmap function with a guess of the image size using the formula above: def fixedWidthClusterMap( dpi, cellSizePixels, dataFrame): clustermapParams = { 'square':False # Tried to set this to True before. Don't: the dendograms do not scale well with it. } figureWidth = (cellSizePixels/dpi)*dataFrame.shape[1] figureHeight= (cellSizePixels/dpi)*dataFrame.shape[0] return sns.clustermap( dataFrame, figsize=(figureWidth,figureHeight), **clustermapParams) fixedWidthClusterMap(dpi, cellSizePixels, dataFrameA) plt.show() fixedWidthClusterMap(dpi, cellSizePixels, dataFrameB) plt.show() This yields: My question: how do I obtain square cells which are exactly the size I want?
This is a bit tricky, because there are quite a few things to take into consideration, and in the end, it depends how "exact" you need the sizes to be. Looking at the code for clustermap the heatmap part is designed to have a ratio of 0.8 compared to the axes used for the dendrograms. But we also need to take into account the margins used to place the axes. If one knows the size of the heatmap axes, one should therefore be able to calculate the desired figure size that would produce the right shape. dpi = matplotlib.rcParams['figure.dpi'] marginWidth = matplotlib.rcParams['figure.subplot.right']-matplotlib.rcParams['figure.subplot.left'] marginHeight = matplotlib.rcParams['figure.subplot.top']-matplotlib.rcParams['figure.subplot.bottom'] Ny,Nx = dataFrame.shape figWidth = (Nx*cellSizePixels/dpi)/0.8/marginWidth figHeigh = (Ny*cellSizePixels/dpi)/0.8/marginHeight Unfortunately, it seems matplotlib must adjust things a bit during plotting, because that was not enough the get perfectly square heatmap cells. So I choose to resize the various axes create by clustermap after the fact, starting with the heatmap, then the dendrogram axes. I think the resulting image is pretty close to what you were trying to get, but my tests sometime show some errors by 1-2 px, which I attribute to rounding errors due to all the conversions between sizes in inches and pixels. dataFrameA = pd.DataFrame([ [1,2],[3,4] ]) dataFrameB = pd.DataFrame( np.arange(3*6).reshape(3,-1)) def fixedWidthClusterMap(dataFrame, cellSizePixels=50): # Calulate the figure size, this gets us close, but not quite to the right place dpi = matplotlib.rcParams['figure.dpi'] marginWidth = matplotlib.rcParams['figure.subplot.right']-matplotlib.rcParams['figure.subplot.left'] marginHeight = matplotlib.rcParams['figure.subplot.top']-matplotlib.rcParams['figure.subplot.bottom'] Ny,Nx = dataFrame.shape figWidth = (Nx*cellSizePixels/dpi)/0.8/marginWidth figHeigh = (Ny*cellSizePixels/dpi)/0.8/marginHeight # do the actual plot grid = sns.clustermap(dataFrame, figsize=(figWidth, figHeigh)) # calculate the size of the heatmap axes axWidth = (Nx*cellSizePixels)/(figWidth*dpi) axHeight = (Ny*cellSizePixels)/(figHeigh*dpi) # resize heatmap ax_heatmap_orig_pos = grid.ax_heatmap.get_position() grid.ax_heatmap.set_position([ax_heatmap_orig_pos.x0, ax_heatmap_orig_pos.y0, axWidth, axHeight]) # resize dendrograms to match ax_row_orig_pos = grid.ax_row_dendrogram.get_position() grid.ax_row_dendrogram.set_position([ax_row_orig_pos.x0, ax_row_orig_pos.y0, ax_row_orig_pos.width, axHeight]) ax_col_orig_pos = grid.ax_col_dendrogram.get_position() grid.ax_col_dendrogram.set_position([ax_col_orig_pos.x0, ax_heatmap_orig_pos.y0+axHeight, axWidth, ax_col_orig_pos.height]) return grid # return ClusterGrid object grid = fixedWidthClusterMap(dataFrameA, cellSizePixels=75) plt.show() grid = fixedWidthClusterMap(dataFrameB, cellSizePixels=75) plt.show()
Not a complete answer (not dealing with pixels) but I suspect OP has moved on after 4 years. def reshape_clustermap(cmap, cell_width=0.02, cell_height=0.02): ny, nx = cmap.data2d.shape hmap_width = nx * cell_width hmap_height = ny * cell_height hmap_orig_pos = cmap.ax_heatmap.get_position() cmap.ax_heatmap.set_position( [hmap_orig_pos.x0, hmap_orig_pos.y0, hmap_width, hmap_height] ) top_dg_pos = cmap.ax_col_dendrogram.get_position() cmap.ax_col_dendrogram.set_position( [hmap_orig_pos.x0, hmap_orig_pos.y0 + hmap_height, hmap_width, top_dg_pos.height] ) left_dg_pos = cmap.ax_row_dendrogram.get_position() cmap.ax_row_dendrogram.set_position( [left_dg_pos.x0, left_dg_pos.y0, left_dg_pos.width, hmap_height] ) if cmap.ax_cbar: cbar_pos = cmap.ax_cbar.get_position() hmap_pos = cmap.ax_heatmap.get_position() cmap.ax_cbar.set_position( [cbar_pos.x0, hmap_pos.y1, cbar_pos.width, cbar_pos.height] ) cmap = sns.clustermap(dataFrameA) reshape_clustermap(cmap)